arxiv_id
stringlengths 9
10
| label
stringclasses 3
values | title
stringlengths 8
155
| authors
sequencelengths 1
1.35k
| published
stringclasses 845
values | abstract
stringlengths 343
1.92k
| doi
stringclasses 81
values | primary_category
stringclasses 45
values | categories
sequencelengths 1
7
|
---|---|---|---|---|---|---|---|---|
2407.16291 | HF | TAPTRv2: Attention-based Position Update Improves Tracking Any Point | [
"Hongyang Li",
"Hao Zhang",
"Shilong Liu",
"Zhaoyang Zeng",
"Feng Li",
"Tianhe Ren",
"Bohan Li",
"Lei Zhang"
] | 2024-07-23 | In this paper, we present TAPTRv2, a Transformer-based approach built upon
TAPTR for solving the Tracking Any Point (TAP) task. TAPTR borrows designs from
DEtection TRansformer (DETR) and formulates each tracking point as a point
query, making it possible to leverage well-studied operations in DETR-like
algorithms. TAPTRv2 improves TAPTR by addressing a critical issue regarding its
reliance on cost-volume,which contaminates the point query\'s content feature
and negatively impacts both visibility prediction and cost-volume computation.
In TAPTRv2, we propose a novel attention-based position update (APU) operation
and use key-aware deformable attention to realize. For each query, this
operation uses key-aware attention weights to combine their corresponding
deformable sampling positions to predict a new query position. This design is
based on the observation that local attention is essentially the same as
cost-volume, both of which are computed by dot-production between a query and
its surrounding features. By introducing this new operation, TAPTRv2 not only
removes the extra burden of cost-volume computation, but also leads to a
substantial performance improvement. TAPTRv2 surpasses TAPTR and achieves
state-of-the-art performance on many challenging datasets, demonstrating the
superiority | null | cs.CV | [
"cs.CV",
"cs.RO"
] |
2404.04633 | AnswerAI | Context versus Prior Knowledge in Language Models | [
"Kevin Du",
"Vésteinn Snæbjarnarson",
"Niklas Stoehr",
"Jennifer C. White",
"Aaron Schein",
"Ryan Cotterell"
] | 2024-04-06 | To answer a question, language models often need to integrate prior knowledge
learned during pretraining and new information presented in context. We
hypothesize that models perform this integration in a predictable way across
different questions and contexts: models will rely more on prior knowledge for
questions about entities (e.g., persons, places, etc.) that they are more
familiar with due to higher exposure in the training corpus, and be more easily
persuaded by some contexts than others. To formalize this problem, we propose
two mutual information-based metrics to measure a model's dependency on a
context and on its prior about an entity: first, the persuasion score of a
given context represents how much a model depends on the context in its
decision, and second, the susceptibility score of a given entity represents how
much the model can be swayed away from its original answer distribution about
an entity. We empirically test our metrics for their validity and reliability.
Finally, we explore and find a relationship between the scores and the model's
expected familiarity with an entity, and provide two use cases to illustrate
their benefits. | null | cs.CL | [
"cs.CL"
] |
2310.17784 | HF | Data-Centric Financial Large Language Models | [
"Zhixuan Chu",
"Huaiyu Guo",
"Xinyuan Zhou",
"Yijia Wang",
"Fei Yu",
"Hong Chen",
"Wanqing Xu",
"Xin Lu",
"Qing Cui",
"Longfei Li",
"Jun Zhou",
"Sheng Li"
] | 2023-10-07 | Large language models (LLMs) show promise for natural language tasks but
struggle when applied directly to complex domains like finance. LLMs have
difficulty reasoning about and integrating all relevant information. We propose
a data-centric approach to enable LLMs to better handle financial tasks. Our
key insight is that rather than overloading the LLM with everything at once, it
is more effective to preprocess and pre-understand the data. We create a
financial LLM (FLLM) using multitask prompt-based finetuning to achieve data
pre-processing and pre-understanding. However, labeled data is scarce for each
task. To overcome manual annotation costs, we employ abductive augmentation
reasoning (AAR) to automatically generate training data by modifying the pseudo
labels from FLLM's own outputs. Experiments show our data-centric FLLM with AAR
substantially outperforms baseline financial LLMs designed for raw text,
achieving state-of-the-art on financial analysis and interpretation tasks. We
also open source a new benchmark for financial analysis and interpretation. Our
methodology provides a promising path to unlock LLMs' potential for complex
real-world domains. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2408.00690 | HF | Improving Text Embeddings for Smaller Language Models Using Contrastive Fine-tuning | [
"Trapoom Ukarapol",
"Zhicheng Lee",
"Amy Xin"
] | 2024-08-01 | While Large Language Models show remarkable performance in natural language
understanding, their resource-intensive nature makes them less accessible. In
contrast, smaller language models such as MiniCPM offer more sustainable
scalability, but often underperform without specialized optimization. In this
paper, we explore the enhancement of smaller language models through the
improvement of their text embeddings. We select three language models, MiniCPM,
Phi-2, and Gemma, to conduct contrastive fine-tuning on the NLI dataset. Our
results demonstrate that this fine-tuning method enhances the quality of text
embeddings for all three models across various benchmarks, with MiniCPM showing
the most significant improvements of an average 56.33% performance gain. The
contrastive fine-tuning code is publicly available at
https://github.com/trapoom555/Language-Model-STS-CFT. | null | cs.CL | [
"cs.CL"
] |
2401.02957 | HF | Denoising Vision Transformers | [
"Jiawei Yang",
"Katie Z Luo",
"Jiefeng Li",
"Congyue Deng",
"Leonidas Guibas",
"Dilip Krishnan",
"Kilian Q Weinberger",
"Yonglong Tian",
"Yue Wang"
] | 2024-01-05 | We study a crucial yet often overlooked issue inherent to Vision Transformers
(ViTs): feature maps of these models exhibit grid-like artifacts, which hurt
the performance of ViTs in downstream dense prediction tasks such as semantic
segmentation, depth prediction, and object discovery. We trace this issue down
to the positional embeddings at the input stage. To mitigate this, we propose a
two-stage denoising approach, termed Denoising Vision Transformers (DVT). In
the first stage, we separate the clean features from those contaminated by
positional artifacts by enforcing cross-view feature consistency with neural
fields on a per-image basis. This per-image optimization process extracts
artifact-free features from raw ViT outputs, providing clean feature estimates
for offline applications. In the second stage, we train a lightweight
transformer block to predict clean features from raw ViT outputs, leveraging
the derived estimates of the clean features as supervision. Our method, DVT,
does not require re-training the existing pre-trained ViTs, and is immediately
applicable to any Vision Transformer architecture. We evaluate our method on a
variety of representative ViTs (DINO, DeiT-III, EVA02, CLIP, DINOv2,
DINOv2-reg) and demonstrate that DVT consistently improves existing
state-of-the-art general-purpose models in semantic and geometric tasks across
multiple datasets. We hope our study will encourage a re-evaluation of ViT
design, especially regarding the naive use of positional embeddings. Our code
and checkpoints are publicly available. | null | cs.CV | [
"cs.CV"
] |
2401.04722 | AnswerAI | U-Mamba: Enhancing Long-range Dependency for Biomedical Image Segmentation | [
"Jun Ma",
"Feifei Li",
"Bo Wang"
] | 2024-01-09 | Convolutional Neural Networks (CNNs) and Transformers have been the most
popular architectures for biomedical image segmentation, but both of them have
limited ability to handle long-range dependencies because of inherent locality
or computational complexity. To address this challenge, we introduce U-Mamba, a
general-purpose network for biomedical image segmentation. Inspired by the
State Space Sequence Models (SSMs), a new family of deep sequence models known
for their strong capability in handling long sequences, we design a hybrid
CNN-SSM block that integrates the local feature extraction power of
convolutional layers with the abilities of SSMs for capturing the long-range
dependency. Moreover, U-Mamba enjoys a self-configuring mechanism, allowing it
to automatically adapt to various datasets without manual intervention. We
conduct extensive experiments on four diverse tasks, including the 3D abdominal
organ segmentation in CT and MR images, instrument segmentation in endoscopy
images, and cell segmentation in microscopy images. The results reveal that
U-Mamba outperforms state-of-the-art CNN-based and Transformer-based
segmentation networks across all tasks. This opens new avenues for efficient
long-range dependency modeling in biomedical image analysis. The code, models,
and data are publicly available at https://wanglab.ai/u-mamba.html. | null | eess.IV | [
"eess.IV",
"cs.CV",
"cs.LG"
] |
2407.16982 | HF | Diffree: Text-Guided Shape Free Object Inpainting with Diffusion Model | [
"Lirui Zhao",
"Tianshuo Yang",
"Wenqi Shao",
"Yuxin Zhang",
"Yu Qiao",
"Ping Luo",
"Kaipeng Zhang",
"Rongrong Ji"
] | 2024-07-24 | This paper addresses an important problem of object addition for images with
only text guidance. It is challenging because the new object must be integrated
seamlessly into the image with consistent visual context, such as lighting,
texture, and spatial location. While existing text-guided image inpainting
methods can add objects, they either fail to preserve the background
consistency or involve cumbersome human intervention in specifying bounding
boxes or user-scribbled masks. To tackle this challenge, we introduce Diffree,
a Text-to-Image (T2I) model that facilitates text-guided object addition with
only text control. To this end, we curate OABench, an exquisite synthetic
dataset by removing objects with advanced image inpainting techniques. OABench
comprises 74K real-world tuples of an original image, an inpainted image with
the object removed, an object mask, and object descriptions. Trained on OABench
using the Stable Diffusion model with an additional mask prediction module,
Diffree uniquely predicts the position of the new object and achieves object
addition with guidance from only text. Extensive experiments demonstrate that
Diffree excels in adding new objects with a high success rate while maintaining
background consistency, spatial appropriateness, and object relevance and
quality. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2306.07279 | HF | Scalable 3D Captioning with Pretrained Models | [
"Tiange Luo",
"Chris Rockwell",
"Honglak Lee",
"Justin Johnson"
] | 2023-06-12 | We introduce Cap3D, an automatic approach for generating descriptive text for
3D objects. This approach utilizes pretrained models from image captioning,
image-text alignment, and LLM to consolidate captions from multiple views of a
3D asset, completely side-stepping the time-consuming and costly process of
manual annotation. We apply Cap3D to the recently introduced large-scale 3D
dataset, Objaverse, resulting in 660k 3D-text pairs. Our evaluation, conducted
using 41k human annotations from the same dataset, demonstrates that Cap3D
surpasses human-authored descriptions in terms of quality, cost, and speed.
Through effective prompt engineering, Cap3D rivals human performance in
generating geometric descriptions on 17k collected annotations from the ABO
dataset. Finally, we finetune Text-to-3D models on Cap3D and human captions,
and show Cap3D outperforms; and benchmark the SOTA including Point-E, Shape-E,
and DreamFusion. | null | cs.CV | [
"cs.CV"
] |
2309.08646 | Both | CoCA: Fusing Position Embedding with Collinear Constrained Attention in Transformers for Long Context Window Extending | [
"Shiyi Zhu",
"Jing Ye",
"Wei Jiang",
"Siqiao Xue",
"Qi Zhang",
"Yifan Wu",
"Jianguo Li"
] | 2023-09-15 | Self-attention and position embedding are two key modules in
transformer-based Large Language Models (LLMs). However, the potential
relationship between them is far from well studied, especially for long context
window extending. In fact, anomalous behaviors harming long context
extrapolation exist between Rotary Position Embedding (RoPE) and vanilla
self-attention unveiled by our work. To address this issue, we propose a novel
attention mechanism, CoCA (Collinear Constrained Attention). Specifically, we
enforce a collinear constraint between $Q$ and $K$ to seamlessly integrate RoPE
and self-attention. While only adding minimal computational and spatial
complexity, this integration significantly enhances long context window
extrapolation ability. We provide an optimized implementation, making it a
drop-in replacement for any existing transformer-based models. Extensive
experiments show that CoCA performs extraordinarily well in extending context
windows. A CoCA-based GPT model, trained with a context length of 512, can
seamlessly extend the context window up to 32K (60$\times$), without any
fine-tuning. Additionally, by dropping CoCA in LLaMA-7B, we achieve
extrapolation up to 32K within only 2K training length. Our code is publicly
available at: https://github.com/codefuse-ai/Collinear-Constrained-Attention | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2402.17834 | AnswerAI | Stable LM 2 1.6B Technical Report | [
"Marco Bellagente",
"Jonathan Tow",
"Dakota Mahan",
"Duy Phung",
"Maksym Zhuravinskyi",
"Reshinth Adithyan",
"James Baicoianu",
"Ben Brooks",
"Nathan Cooper",
"Ashish Datta",
"Meng Lee",
"Emad Mostaque",
"Michael Pieler",
"Nikhil Pinnaparju",
"Paulo Rocha",
"Harry Saini",
"Hannah Teufel",
"Niccolo Zanichelli",
"Carlos Riquelme"
] | 2024-02-27 | We introduce StableLM 2 1.6B, the first in a new generation of our language
model series. In this technical report, we present in detail the data and
training procedure leading to the base and instruction-tuned versions of
StableLM 2 1.6B. The weights for both models are available via Hugging Face for
anyone to download and use. The report contains thorough evaluations of these
models, including zero- and few-shot benchmarks, multilingual benchmarks, and
the MT benchmark focusing on multi-turn dialogues. At the time of publishing
this report, StableLM 2 1.6B was the state-of-the-art open model under 2B
parameters by a significant margin. Given its appealing small size, we also
provide throughput measurements on a number of edge devices. In addition, we
open source several quantized checkpoints and provide their performance metrics
compared to the original model. | null | cs.CL | [
"cs.CL",
"stat.ML"
] |
2402.05880 | AnswerAI | Generative Echo Chamber? Effects of LLM-Powered Search Systems on Diverse Information Seeking | [
"Nikhil Sharma",
"Q. Vera Liao",
"Ziang Xiao"
] | 2024-02-08 | Large language models (LLMs) powered conversational search systems have
already been used by hundreds of millions of people, and are believed to bring
many benefits over conventional search. However, while decades of research and
public discourse interrogated the risk of search systems in increasing
selective exposure and creating echo chambers -- limiting exposure to diverse
opinions and leading to opinion polarization, little is known about such a risk
of LLM-powered conversational search. We conduct two experiments to
investigate: 1) whether and how LLM-powered conversational search increases
selective exposure compared to conventional search; 2) whether and how LLMs
with opinion biases that either reinforce or challenge the user's view change
the effect. Overall, we found that participants engaged in more biased
information querying with LLM-powered conversational search, and an opinionated
LLM reinforcing their views exacerbated this bias. These results present
critical implications for the development of LLMs and conversational search
systems, and the policy governing these technologies. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.HC"
] |
2406.13632 | HF | Can Few-shot Work in Long-Context? Recycling the Context to Generate Demonstrations | [
"Arie Cattan",
"Alon Jacovi",
"Alex Fabrikant",
"Jonathan Herzig",
"Roee Aharoni",
"Hannah Rashkin",
"Dror Marcus",
"Avinatan Hassidim",
"Yossi Matias",
"Idan Szpektor",
"Avi Caciularu"
] | 2024-06-19 | Despite recent advancements in Large Language Models (LLMs), their
performance on tasks involving long contexts remains sub-optimal. In-Context
Learning (ICL) with few-shot examples may be an appealing solution to enhance
LLM performance in this scenario; However, naively adding ICL examples with
long context introduces challenges, including substantial token overhead added
for each few-shot example and context mismatch between the demonstrations and
the target query. In this work, we propose to automatically generate few-shot
examples for long context QA tasks by recycling contexts. Specifically, given a
long input context (1-3k tokens) and a query, we generate additional
query-output pairs from the given context as few-shot examples, while
introducing the context only once. This ensures that the demonstrations are
leveraging the same context as the target query while only adding a small
number of tokens to the prompt. We further enhance each demonstration by
instructing the model to explicitly identify the relevant paragraphs before the
answer, which improves performance while providing fine-grained attribution to
the answer source. We apply our method on multiple LLMs and obtain substantial
improvements (+23\% on average across models) on various QA datasets with long
context, especially when the answer lies within the middle of the context.
Surprisingly, despite introducing only single-hop ICL examples, LLMs also
successfully generalize to multi-hop long-context QA using our approach. | null | cs.CL | [
"cs.CL"
] |
2402.17759 | HF | Towards Optimal Learning of Language Models | [
"Yuxian Gu",
"Li Dong",
"Yaru Hao",
"Qingxiu Dong",
"Minlie Huang",
"Furu Wei"
] | 2024-02-27 | This work studies the general principles of improving the learning of
language models (LMs), which aims at reducing the necessary training steps for
achieving superior performance. Specifically, we present a theory for the
optimal learning of LMs. We first propose an objective that optimizes LM
learning by maximizing the data compression ratio in an
"LM-training-as-lossless-compression" view. Then, we derive a theorem, named
Learning Law, to reveal the properties of the dynamics in the optimal learning
process under our objective. The theorem is then validated by experiments on a
linear classification and a real-world language modeling task. Finally, we
empirically verify that the optimal learning of LMs essentially stems from the
improvement of the coefficients in the scaling law of LMs, indicating great
promise and significance for designing practical learning acceleration methods.
Our code can be found at https://aka.ms/LearningLaw. | null | cs.CL | [
"cs.CL"
] |
2306.03083 | HF | MotionDiffuser: Controllable Multi-Agent Motion Prediction using Diffusion | [
"Chiyu Max Jiang",
"Andre Cornman",
"Cheolho Park",
"Ben Sapp",
"Yin Zhou",
"Dragomir Anguelov"
] | 2023-06-05 | We present MotionDiffuser, a diffusion based representation for the joint
distribution of future trajectories over multiple agents. Such representation
has several key advantages: first, our model learns a highly multimodal
distribution that captures diverse future outcomes. Second, the simple
predictor design requires only a single L2 loss training objective, and does
not depend on trajectory anchors. Third, our model is capable of learning the
joint distribution for the motion of multiple agents in a permutation-invariant
manner. Furthermore, we utilize a compressed trajectory representation via PCA,
which improves model performance and allows for efficient computation of the
exact sample log probability. Subsequently, we propose a general constrained
sampling framework that enables controlled trajectory sampling based on
differentiable cost functions. This strategy enables a host of applications
such as enforcing rules and physical priors, or creating tailored simulation
scenarios. MotionDiffuser can be combined with existing backbone architectures
to achieve top motion forecasting results. We obtain state-of-the-art results
for multi-agent motion prediction on the Waymo Open Motion Dataset. | null | cs.RO | [
"cs.RO",
"cs.AI"
] |
2312.08136 | HF | ProNeRF: Learning Efficient Projection-Aware Ray Sampling for Fine-Grained Implicit Neural Radiance Fields | [
"Juan Luis Gonzalez Bello",
"Minh-Quan Viet Bui",
"Munchurl Kim"
] | 2023-12-13 | Recent advances in neural rendering have shown that, albeit slow, implicit
compact models can learn a scene's geometries and view-dependent appearances
from multiple views. To maintain such a small memory footprint but achieve
faster inference times, recent works have adopted `sampler' networks that
adaptively sample a small subset of points along each ray in the implicit
neural radiance fields. Although these methods achieve up to a 10$\times$
reduction in rendering time, they still suffer from considerable quality
degradation compared to the vanilla NeRF. In contrast, we propose ProNeRF,
which provides an optimal trade-off between memory footprint (similar to NeRF),
speed (faster than HyperReel), and quality (better than K-Planes). ProNeRF is
equipped with a novel projection-aware sampling (PAS) network together with a
new training strategy for ray exploration and exploitation, allowing for
efficient fine-grained particle sampling. Our ProNeRF yields state-of-the-art
metrics, being 15-23x faster with 0.65dB higher PSNR than NeRF and yielding
0.95dB higher PSNR than the best published sampler-based method, HyperReel. Our
exploration and exploitation training strategy allows ProNeRF to learn the full
scenes' color and density distributions while also learning efficient ray
sampling focused on the highest-density regions. We provide extensive
experimental results that support the effectiveness of our method on the widely
adopted forward-facing and 360 datasets, LLFF and Blender, respectively. | null | cs.CV | [
"cs.CV",
"eess.IV"
] |
2311.04145 | HF | I2VGen-XL: High-Quality Image-to-Video Synthesis via Cascaded Diffusion Models | [
"Shiwei Zhang",
"Jiayu Wang",
"Yingya Zhang",
"Kang Zhao",
"Hangjie Yuan",
"Zhiwu Qin",
"Xiang Wang",
"Deli Zhao",
"Jingren Zhou"
] | 2023-11-07 | Video synthesis has recently made remarkable strides benefiting from the
rapid development of diffusion models. However, it still encounters challenges
in terms of semantic accuracy, clarity and spatio-temporal continuity. They
primarily arise from the scarcity of well-aligned text-video data and the
complex inherent structure of videos, making it difficult for the model to
simultaneously ensure semantic and qualitative excellence. In this report, we
propose a cascaded I2VGen-XL approach that enhances model performance by
decoupling these two factors and ensures the alignment of the input data by
utilizing static images as a form of crucial guidance. I2VGen-XL consists of
two stages: i) the base stage guarantees coherent semantics and preserves
content from input images by using two hierarchical encoders, and ii) the
refinement stage enhances the video's details by incorporating an additional
brief text and improves the resolution to 1280$\times$720. To improve the
diversity, we collect around 35 million single-shot text-video pairs and 6
billion text-image pairs to optimize the model. By this means, I2VGen-XL can
simultaneously enhance the semantic accuracy, continuity of details and clarity
of generated videos. Through extensive experiments, we have investigated the
underlying principles of I2VGen-XL and compared it with current top methods,
which can demonstrate its effectiveness on diverse data. The source code and
models will be publicly available at \url{https://i2vgen-xl.github.io}. | null | cs.CV | [
"cs.CV"
] |
2307.02483 | Both | Jailbroken: How Does LLM Safety Training Fail? | [
"Alexander Wei",
"Nika Haghtalab",
"Jacob Steinhardt"
] | 2023-07-05 | Large language models trained for safety and harmlessness remain susceptible
to adversarial misuse, as evidenced by the prevalence of "jailbreak" attacks on
early releases of ChatGPT that elicit undesired behavior. Going beyond
recognition of the issue, we investigate why such attacks succeed and how they
can be created. We hypothesize two failure modes of safety training: competing
objectives and mismatched generalization. Competing objectives arise when a
model's capabilities and safety goals conflict, while mismatched generalization
occurs when safety training fails to generalize to a domain for which
capabilities exist. We use these failure modes to guide jailbreak design and
then evaluate state-of-the-art models, including OpenAI's GPT-4 and Anthropic's
Claude v1.3, against both existing and newly designed attacks. We find that
vulnerabilities persist despite the extensive red-teaming and safety-training
efforts behind these models. Notably, new attacks utilizing our failure modes
succeed on every prompt in a collection of unsafe requests from the models'
red-teaming evaluation sets and outperform existing ad hoc jailbreaks. Our
analysis emphasizes the need for safety-capability parity -- that safety
mechanisms should be as sophisticated as the underlying model -- and argues
against the idea that scaling alone can resolve these safety failure modes. | null | cs.LG | [
"cs.LG",
"cs.CR"
] |
2306.09093 | HF | Macaw-LLM: Multi-Modal Language Modeling with Image, Audio, Video, and Text Integration | [
"Chenyang Lyu",
"Minghao Wu",
"Longyue Wang",
"Xinting Huang",
"Bingshuai Liu",
"Zefeng Du",
"Shuming Shi",
"Zhaopeng Tu"
] | 2023-06-15 | Although instruction-tuned large language models (LLMs) have exhibited
remarkable capabilities across various NLP tasks, their effectiveness on other
data modalities beyond text has not been fully studied. In this work, we
propose Macaw-LLM, a novel multi-modal LLM that seamlessly integrates visual,
audio, and textual information. Macaw-LLM consists of three main components: a
modality module for encoding multi-modal data, a cognitive module for
harnessing pretrained LLMs, and an alignment module for harmonizing diverse
representations. Our novel alignment module seamlessly bridges multi-modal
features to textual features, simplifying the adaptation process from the
modality modules to the cognitive module. In addition, we construct a
large-scale multi-modal instruction dataset in terms of multi-turn dialogue,
including 69K image instances and 50K video instances. We have made our data,
code and model publicly available, which we hope can pave the way for future
research in multi-modal LLMs and expand the capabilities of LLMs to handle
diverse data modalities and address complex real-world scenarios. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV"
] |
2404.07199 | HF | RealmDreamer: Text-Driven 3D Scene Generation with Inpainting and Depth Diffusion | [
"Jaidev Shriram",
"Alex Trevithick",
"Lingjie Liu",
"Ravi Ramamoorthi"
] | 2024-04-10 | We introduce RealmDreamer, a technique for generation of general
forward-facing 3D scenes from text descriptions. Our technique optimizes a 3D
Gaussian Splatting representation to match complex text prompts. We initialize
these splats by utilizing the state-of-the-art text-to-image generators,
lifting their samples into 3D, and computing the occlusion volume. We then
optimize this representation across multiple views as a 3D inpainting task with
image-conditional diffusion models. To learn correct geometric structure, we
incorporate a depth diffusion model by conditioning on the samples from the
inpainting model, giving rich geometric structure. Finally, we finetune the
model using sharpened samples from image generators. Notably, our technique
does not require video or multi-view data and can synthesize a variety of
high-quality 3D scenes in different styles, consisting of multiple objects. Its
generality additionally allows 3D synthesis from a single image. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR",
"cs.LG"
] |
2408.11817 | HF | GRAB: A Challenging GRaph Analysis Benchmark for Large Multimodal Models | [
"Jonathan Roberts",
"Kai Han",
"Samuel Albanie"
] | 2024-08-21 | Large multimodal models (LMMs) have exhibited proficiencies across many
visual tasks. Although numerous well-known benchmarks exist to evaluate model
performance, they increasingly have insufficient headroom. As such, there is a
pressing need for a new generation of benchmarks challenging enough for the
next generation of LMMs. One area that LMMs show potential is graph analysis,
specifically, the tasks an analyst might typically perform when interpreting
figures such as estimating the mean, intercepts or correlations of functions
and data series. In this work, we introduce GRAB, a graph analysis benchmark,
fit for current and future frontier LMMs. Our benchmark is entirely synthetic,
ensuring high-quality, noise-free questions. GRAB is comprised of 2170
questions, covering four tasks and 23 graph properties. We evaluate 20 LMMs on
GRAB, finding it to be a challenging benchmark, with the highest performing
model attaining a score of just 21.7%. Finally, we conduct various ablations to
investigate where the models succeed and struggle. We release GRAB to encourage
progress in this important, growing domain. | null | cs.CV | [
"cs.CV"
] |
2305.18098 | HF | BigTranslate: Augmenting Large Language Models with Multilingual Translation Capability over 100 Languages | [
"Wen Yang",
"Chong Li",
"Jiajun Zhang",
"Chengqing Zong"
] | 2023-05-29 | Large language models (LLMs) demonstrate promising translation performance
among various natural languages. However, many LLMs especially the open-sourced
ones, such as BLOOM and LLaMA, are English-dominant and support only dozens of
natural languages, making the potential of LLMs on language translation less
explored. In this work, we present BigTranslate which adapts LLaMA that covers
only 20 languages and enhances it with multilingual translation capability on
more than 100 languages. BigTranslate is built upon LLaMA-13B and it is
optimized in three steps. First, we continue training LLaMA with massive
Chinese monolingual data. Second, we continue training the model with a
large-scale parallel dataset that covers 102 natural languages. Third, we
instruct-tune the foundation model with multilingual translation instructions,
leading to our BigTranslate model. The preliminary experiments on multilingual
translation show that BigTranslate performs comparably with ChatGPT and Google
Translate in many languages and even outperforms ChatGPT in 8 language pairs.
We release the BigTranslate model and hope it can advance the research
progress. | null | cs.CL | [
"cs.CL"
] |
2305.07961 | HF | Leveraging Large Language Models in Conversational Recommender Systems | [
"Luke Friedman",
"Sameer Ahuja",
"David Allen",
"Zhenning Tan",
"Hakim Sidahmed",
"Changbo Long",
"Jun Xie",
"Gabriel Schubiner",
"Ajay Patel",
"Harsh Lara",
"Brian Chu",
"Zexi Chen",
"Manoj Tiwari"
] | 2023-05-13 | A Conversational Recommender System (CRS) offers increased transparency and
control to users by enabling them to engage with the system through a real-time
multi-turn dialogue. Recently, Large Language Models (LLMs) have exhibited an
unprecedented ability to converse naturally and incorporate world knowledge and
common-sense reasoning into language understanding, unlocking the potential of
this paradigm. However, effectively leveraging LLMs within a CRS introduces new
technical challenges, including properly understanding and controlling a
complex conversation and retrieving from external sources of information. These
issues are exacerbated by a large, evolving item corpus and a lack of
conversational data for training. In this paper, we provide a roadmap for
building an end-to-end large-scale CRS using LLMs. In particular, we propose
new implementations for user preference understanding, flexible dialogue
management and explainable recommendations as part of an integrated
architecture powered by LLMs. For improved personalization, we describe how an
LLM can consume interpretable natural language user profiles and use them to
modulate session-level context. To overcome conversational data limitations in
the absence of an existing production CRS, we propose techniques for building a
controllable LLM-based user simulator to generate synthetic conversations. As a
proof of concept we introduce RecLLM, a large-scale CRS for YouTube videos
built on LaMDA, and demonstrate its fluency and diverse functionality through
some illustrative example conversations. | null | cs.IR | [
"cs.IR",
"cs.CL",
"cs.LG"
] |
2403.17297 | Both | InternLM2 Technical Report | [
"Zheng Cai",
"Maosong Cao",
"Haojiong Chen",
"Kai Chen",
"Keyu Chen",
"Xin Chen",
"Xun Chen",
"Zehui Chen",
"Zhi Chen",
"Pei Chu",
"Xiaoyi Dong",
"Haodong Duan",
"Qi Fan",
"Zhaoye Fei",
"Yang Gao",
"Jiaye Ge",
"Chenya Gu",
"Yuzhe Gu",
"Tao Gui",
"Aijia Guo",
"Qipeng Guo",
"Conghui He",
"Yingfan Hu",
"Ting Huang",
"Tao Jiang",
"Penglong Jiao",
"Zhenjiang Jin",
"Zhikai Lei",
"Jiaxing Li",
"Jingwen Li",
"Linyang Li",
"Shuaibin Li",
"Wei Li",
"Yining Li",
"Hongwei Liu",
"Jiangning Liu",
"Jiawei Hong",
"Kaiwen Liu",
"Kuikun Liu",
"Xiaoran Liu",
"Chengqi Lv",
"Haijun Lv",
"Kai Lv",
"Li Ma",
"Runyuan Ma",
"Zerun Ma",
"Wenchang Ning",
"Linke Ouyang",
"Jiantao Qiu",
"Yuan Qu",
"Fukai Shang",
"Yunfan Shao",
"Demin Song",
"Zifan Song",
"Zhihao Sui",
"Peng Sun",
"Yu Sun",
"Huanze Tang",
"Bin Wang",
"Guoteng Wang",
"Jiaqi Wang",
"Jiayu Wang",
"Rui Wang",
"Yudong Wang",
"Ziyi Wang",
"Xingjian Wei",
"Qizhen Weng",
"Fan Wu",
"Yingtong Xiong",
"Chao Xu",
"Ruiliang Xu",
"Hang Yan",
"Yirong Yan",
"Xiaogui Yang",
"Haochen Ye",
"Huaiyuan Ying",
"Jia Yu",
"Jing Yu",
"Yuhang Zang",
"Chuyu Zhang",
"Li Zhang",
"Pan Zhang",
"Peng Zhang",
"Ruijie Zhang",
"Shuo Zhang",
"Songyang Zhang",
"Wenjian Zhang",
"Wenwei Zhang",
"Xingcheng Zhang",
"Xinyue Zhang",
"Hui Zhao",
"Qian Zhao",
"Xiaomeng Zhao",
"Fengzhe Zhou",
"Zaida Zhou",
"Jingming Zhuo",
"Yicheng Zou",
"Xipeng Qiu",
"Yu Qiao",
"Dahua Lin"
] | 2024-03-26 | The evolution of Large Language Models (LLMs) like ChatGPT and GPT-4 has
sparked discussions on the advent of Artificial General Intelligence (AGI).
However, replicating such advancements in open-source models has been
challenging. This paper introduces InternLM2, an open-source LLM that
outperforms its predecessors in comprehensive evaluations across 6 dimensions
and 30 benchmarks, long-context modeling, and open-ended subjective evaluations
through innovative pre-training and optimization techniques. The pre-training
process of InternLM2 is meticulously detailed, highlighting the preparation of
diverse data types including text, code, and long-context data. InternLM2
efficiently captures long-term dependencies, initially trained on 4k tokens
before advancing to 32k tokens in pre-training and fine-tuning stages,
exhibiting remarkable performance on the 200k ``Needle-in-a-Haystack" test.
InternLM2 is further aligned using Supervised Fine-Tuning (SFT) and a novel
Conditional Online Reinforcement Learning from Human Feedback (COOL RLHF)
strategy that addresses conflicting human preferences and reward hacking. By
releasing InternLM2 models in different training stages and model sizes, we
provide the community with insights into the model's evolution. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2210.16773 | AnswerAI | An Efficient Memory-Augmented Transformer for Knowledge-Intensive NLP Tasks | [
"Yuxiang Wu",
"Yu Zhao",
"Baotian Hu",
"Pasquale Minervini",
"Pontus Stenetorp",
"Sebastian Riedel"
] | 2022-10-30 | Access to external knowledge is essential for many natural language
processing tasks, such as question answering and dialogue. Existing methods
often rely on a parametric model that stores knowledge in its parameters, or
use a retrieval-augmented model that has access to an external knowledge
source. Parametric and retrieval-augmented models have complementary strengths
in terms of computational efficiency and predictive accuracy. To combine the
strength of both approaches, we propose the Efficient Memory-Augmented
Transformer (EMAT) -- it encodes external knowledge into a key-value memory and
exploits the fast maximum inner product search for memory querying. We also
introduce pre-training tasks that allow EMAT to encode informative key-value
representations, and to learn an implicit strategy to integrate multiple memory
slots into the transformer. Experiments on various knowledge-intensive tasks
such as question answering and dialogue datasets show that, simply augmenting
parametric models (T5-base) using our method produces more accurate results
(e.g., 25.8 -> 44.3 EM on NQ) while retaining a high throughput (e.g., 1000
queries/s on NQ). Compared to retrieval-augmented models, EMAT runs
substantially faster across the board and produces more accurate results on WoW
and ELI5. Our code and datasets are available at https://github.
com/uclnlp/EMAT. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2406.13923 | HF | PIN: A Knowledge-Intensive Dataset for Paired and Interleaved Multimodal Documents | [
"Junjie Wang",
"Yin Zhang",
"Yatai Ji",
"Yuxiang Zhang",
"Chunyang Jiang",
"Yubo Wang",
"Kang Zhu",
"Zekun Wang",
"Tiezhen Wang",
"Wenhao Huang",
"Jie Fu",
"Bei Chen",
"Qunshu Lin",
"Minghao Liu",
"Ge Zhang",
"Wenhu Chen"
] | 2024-06-20 | Recent advancements in Large Multimodal Models (LMMs) have leveraged
extensive multimodal datasets to enhance capabilities in complex
knowledge-driven tasks. However, persistent challenges in perceptual and
reasoning errors limit their efficacy, particularly in interpreting intricate
visual data and deducing multimodal relationships. Addressing these issues, we
introduce a novel dataset format, PIN (Paired and INterleaved multimodal
documents), designed to significantly improve both the depth and breadth of
multimodal training. The PIN format is built on three foundational principles:
knowledge intensity, scalability, and support for diverse training modalities.
This innovative format combines markdown files and comprehensive images to
enrich training data with a dense knowledge structure and versatile training
strategies. We present PIN-14M, an open-source dataset comprising 14 million
samples derived from a diverse range of Chinese and English sources, tailored
to include complex web and scientific content. This dataset is constructed
meticulously to ensure data quality and ethical integrity, aiming to facilitate
advanced training strategies and improve model robustness against common
multimodal training pitfalls. Our initial results, forming the basis of this
technical report, suggest significant potential for the PIN format in refining
LMM performance, with plans for future expansions and detailed evaluations of
its impact on model capabilities. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.CV",
"cs.MM"
] |
2403.12034 | HF | VFusion3D: Learning Scalable 3D Generative Models from Video Diffusion Models | [
"Junlin Han",
"Filippos Kokkinos",
"Philip Torr"
] | 2024-03-18 | This paper presents a novel method for building scalable 3D generative models
utilizing pre-trained video diffusion models. The primary obstacle in
developing foundation 3D generative models is the limited availability of 3D
data. Unlike images, texts, or videos, 3D data are not readily accessible and
are difficult to acquire. This results in a significant disparity in scale
compared to the vast quantities of other types of data. To address this issue,
we propose using a video diffusion model, trained with extensive volumes of
text, images, and videos, as a knowledge source for 3D data. By unlocking its
multi-view generative capabilities through fine-tuning, we generate a
large-scale synthetic multi-view dataset to train a feed-forward 3D generative
model. The proposed model, VFusion3D, trained on nearly 3M synthetic multi-view
data, can generate a 3D asset from a single image in seconds and achieves
superior performance when compared to current SOTA feed-forward 3D generative
models, with users preferring our results over 90% of the time. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG"
] |
2309.13041 | HF | Robotic Offline RL from Internet Videos via Value-Function Pre-Training | [
"Chethan Bhateja",
"Derek Guo",
"Dibya Ghosh",
"Anikait Singh",
"Manan Tomar",
"Quan Vuong",
"Yevgen Chebotar",
"Sergey Levine",
"Aviral Kumar"
] | 2023-09-22 | Pre-training on Internet data has proven to be a key ingredient for broad
generalization in many modern ML systems. What would it take to enable such
capabilities in robotic reinforcement learning (RL)? Offline RL methods, which
learn from datasets of robot experience, offer one way to leverage prior data
into the robotic learning pipeline. However, these methods have a "type
mismatch" with video data (such as Ego4D), the largest prior datasets available
for robotics, since video offers observation-only experience without the action
or reward annotations needed for RL methods. In this paper, we develop a system
for leveraging large-scale human video datasets in robotic offline RL, based
entirely on learning value functions via temporal-difference learning. We show
that value learning on video datasets learns representations that are more
conducive to downstream robotic offline RL than other approaches for learning
from video data. Our system, called V-PTR, combines the benefits of
pre-training on video data with robotic offline RL approaches that train on
diverse robot data, resulting in value functions and policies for manipulation
tasks that perform better, act robustly, and generalize broadly. On several
manipulation tasks on a real WidowX robot, our framework produces policies that
greatly improve over prior methods. Our video and additional details can be
found at https://dibyaghosh.com/vptr/ | null | cs.RO | [
"cs.RO",
"cs.CV",
"cs.LG"
] |
2306.16052 | HF | SVNR: Spatially-variant Noise Removal with Denoising Diffusion | [
"Naama Pearl",
"Yaron Brodsky",
"Dana Berman",
"Assaf Zomet",
"Alex Rav Acha",
"Daniel Cohen-Or",
"Dani Lischinski"
] | 2023-06-28 | Denoising diffusion models have recently shown impressive results in
generative tasks. By learning powerful priors from huge collections of training
images, such models are able to gradually modify complete noise to a clean
natural image via a sequence of small denoising steps, seemingly making them
well-suited for single image denoising. However, effectively applying denoising
diffusion models to removal of realistic noise is more challenging than it may
seem, since their formulation is based on additive white Gaussian noise, unlike
noise in real-world images. In this work, we present SVNR, a novel formulation
of denoising diffusion that assumes a more realistic, spatially-variant noise
model. SVNR enables using the noisy input image as the starting point for the
denoising diffusion process, in addition to conditioning the process on it. To
this end, we adapt the diffusion process to allow each pixel to have its own
time embedding, and propose training and inference schemes that support
spatially-varying time maps. Our formulation also accounts for the correlation
that exists between the condition image and the samples along the modified
diffusion process. In our experiments we demonstrate the advantages of our
approach over a strong diffusion model baseline, as well as over a
state-of-the-art single image denoising method. | null | cs.CV | [
"cs.CV"
] |
2307.07635 | HF | CoTracker: It is Better to Track Together | [
"Nikita Karaev",
"Ignacio Rocco",
"Benjamin Graham",
"Natalia Neverova",
"Andrea Vedaldi",
"Christian Rupprecht"
] | 2023-07-14 | We introduce CoTracker, a transformer-based model that tracks dense points in
a frame jointly across a video sequence. This differs from most existing
state-of-the-art approaches that track points independently, ignoring their
correlation. We show that joint tracking results in a significantly higher
tracking accuracy and robustness. We also provide several technical
innovations, including the concept of virtual tracks, which allows CoTracker to
track 70k points jointly and simultaneously. Furthermore, CoTracker operates
causally on short windows (hence, it is suitable for online tasks), but is
trained by unrolling the windows across longer video sequences, which enables
and significantly improves long-term tracking. We demonstrate qualitatively
impressive tracking results, where points can be tracked for a long time even
when they are occluded or leave the field of view. Quantitatively, CoTracker
outperforms all recent trackers on standard benchmarks, often by a substantial
margin. | null | cs.CV | [
"cs.CV"
] |
2408.03361 | HF | GMAI-MMBench: A Comprehensive Multimodal Evaluation Benchmark Towards General Medical AI | [
"Pengcheng Chen",
"Jin Ye",
"Guoan Wang",
"Yanjun Li",
"Zhongying Deng",
"Wei Li",
"Tianbin Li",
"Haodong Duan",
"Ziyan Huang",
"Yanzhou Su",
"Benyou Wang",
"Shaoting Zhang",
"Bin Fu",
"Jianfei Cai",
"Bohan Zhuang",
"Eric J Seibel",
"Junjun He",
"Yu Qiao"
] | 2024-08-06 | Large Vision-Language Models (LVLMs) are capable of handling diverse data
types such as imaging, text, and physiological signals, and can be applied in
various fields. In the medical field, LVLMs have a high potential to offer
substantial assistance for diagnosis and treatment. Before that, it is crucial
to develop benchmarks to evaluate LVLMs' effectiveness in various medical
applications. Current benchmarks are often built upon specific academic
literature, mainly focusing on a single domain, and lacking varying perceptual
granularities. Thus, they face specific challenges, including limited clinical
relevance, incomplete evaluations, and insufficient guidance for interactive
LVLMs. To address these limitations, we developed the GMAI-MMBench, the most
comprehensive general medical AI benchmark with well-categorized data structure
and multi-perceptual granularity to date. It is constructed from 285 datasets
across 39 medical image modalities, 18 clinical-related tasks, 18 departments,
and 4 perceptual granularities in a Visual Question Answering (VQA) format.
Additionally, we implemented a lexical tree structure that allows users to
customize evaluation tasks, accommodating various assessment needs and
substantially supporting medical AI research and applications. We evaluated 50
LVLMs, and the results show that even the advanced GPT-4o only achieves an
accuracy of 52%, indicating significant room for improvement. Moreover, we
identified five key insufficiencies in current cutting-edge LVLMs that need to
be addressed to advance the development of better medical applications. We
believe that GMAI-MMBench will stimulate the community to build the next
generation of LVLMs toward GMAI. | null | eess.IV | [
"eess.IV",
"cs.CV"
] |
2306.05399 | HF | Matting Anything | [
"Jiachen Li",
"Jitesh Jain",
"Humphrey Shi"
] | 2023-06-08 | In this paper, we propose the Matting Anything Model (MAM), an efficient and
versatile framework for estimating the alpha matte of any instance in an image
with flexible and interactive visual or linguistic user prompt guidance. MAM
offers several significant advantages over previous specialized image matting
networks: (i) MAM is capable of dealing with various types of image matting,
including semantic, instance, and referring image matting with only a single
model; (ii) MAM leverages the feature maps from the Segment Anything Model
(SAM) and adopts a lightweight Mask-to-Matte (M2M) module to predict the alpha
matte through iterative refinement, which has only 2.7 million trainable
parameters. (iii) By incorporating SAM, MAM simplifies the user intervention
required for the interactive use of image matting from the trimap to the box,
point, or text prompt. We evaluate the performance of MAM on various image
matting benchmarks, and the experimental results demonstrate that MAM achieves
comparable performance to the state-of-the-art specialized image matting models
under different metrics on each benchmark. Overall, MAM shows superior
generalization ability and can effectively handle various image matting tasks
with fewer parameters, making it a practical solution for unified image
matting. Our code and models are open-sourced at
https://github.com/SHI-Labs/Matting-Anything. | null | cs.CV | [
"cs.CV"
] |
2406.05338 | HF | MotionClone: Training-Free Motion Cloning for Controllable Video Generation | [
"Pengyang Ling",
"Jiazi Bu",
"Pan Zhang",
"Xiaoyi Dong",
"Yuhang Zang",
"Tong Wu",
"Huaian Chen",
"Jiaqi Wang",
"Yi Jin"
] | 2024-06-08 | Motion-based controllable text-to-video generation involves motions to
control the video generation. Previous methods typically require the training
of models to encode motion cues or the fine-tuning of video diffusion models.
However, these approaches often result in suboptimal motion generation when
applied outside the trained domain. In this work, we propose MotionClone, a
training-free framework that enables motion cloning from a reference video to
control text-to-video generation. We employ temporal attention in video
inversion to represent the motions in the reference video and introduce primary
temporal-attention guidance to mitigate the influence of noisy or very subtle
motions within the attention weights. Furthermore, to assist the generation
model in synthesizing reasonable spatial relationships and enhance its
prompt-following capability, we propose a location-aware semantic guidance
mechanism that leverages the coarse location of the foreground from the
reference video and original classifier-free guidance features to guide the
video generation. Extensive experiments demonstrate that MotionClone exhibits
proficiency in both global camera motion and local object motion, with notable
superiority in terms of motion fidelity, textual alignment, and temporal
consistency. | null | cs.CV | [
"cs.CV"
] |
2406.19215 | HF | SeaKR: Self-aware Knowledge Retrieval for Adaptive Retrieval Augmented Generation | [
"Zijun Yao",
"Weijian Qi",
"Liangming Pan",
"Shulin Cao",
"Linmei Hu",
"Weichuan Liu",
"Lei Hou",
"Juanzi Li"
] | 2024-06-27 | This paper introduces Self-aware Knowledge Retrieval (SeaKR), a novel
adaptive RAG model that extracts self-aware uncertainty of LLMs from their
internal states. SeaKR activates retrieval when the LLMs present high
self-aware uncertainty for generation. To effectively integrate retrieved
knowledge snippets, SeaKR re-ranks them based on LLM's self-aware uncertainty
to preserve the snippet that reduces their uncertainty to the utmost. To
facilitate solving complex tasks that require multiple retrievals, SeaKR
utilizes their self-aware uncertainty to choose among different reasoning
strategies. Our experiments on both complex and simple Question Answering
datasets show that SeaKR outperforms existing adaptive RAG methods. We release
our code at https://github.com/THU-KEG/SeaKR. | null | cs.CL | [
"cs.CL"
] |
2407.00402 | HF | Is It Really Long Context if All You Need Is Retrieval? Towards Genuinely Difficult Long Context NLP | [
"Omer Goldman",
"Alon Jacovi",
"Aviv Slobodkin",
"Aviya Maimon",
"Ido Dagan",
"Reut Tsarfaty"
] | 2024-06-29 | Improvements in language models' capabilities have pushed their applications
towards longer contexts, making long-context evaluation and development an
active research area. However, many disparate use-cases are grouped together
under the umbrella term of "long-context", defined simply by the total length
of the model's input, including - for example - Needle-in-a-Haystack tasks,
book summarization, and information aggregation. Given their varied difficulty,
in this position paper we argue that conflating different tasks by their
context length is unproductive. As a community, we require a more precise
vocabulary to understand what makes long-context tasks similar or different. We
propose to unpack the taxonomy of long-context based on the properties that
make them more difficult with longer contexts. We propose two orthogonal axes
of difficulty: (I) Diffusion: How hard is it to find the necessary information
in the context? (II) Scope: How much necessary information is there to find? We
survey the literature on long-context, provide justification for this taxonomy
as an informative descriptor, and situate the literature with respect to it. We
conclude that the most difficult and interesting settings, whose necessary
information is very long and highly diffused within the input, is severely
under-explored. By using a descriptive vocabulary and discussing the relevant
properties of difficulty in long-context, we can implement more informed
research in this area. We call for a careful design of tasks and benchmarks
with distinctly long context, taking into account the characteristics that make
it qualitatively different from shorter context. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2312.15166 | Both | SOLAR 10.7B: Scaling Large Language Models with Simple yet Effective Depth Up-Scaling | [
"Dahyun Kim",
"Chanjun Park",
"Sanghoon Kim",
"Wonsung Lee",
"Wonho Song",
"Yunsu Kim",
"Hyeonwoo Kim",
"Yungi Kim",
"Hyeonju Lee",
"Jihoo Kim",
"Changbae Ahn",
"Seonghoon Yang",
"Sukyung Lee",
"Hyunbyung Park",
"Gyoungjin Gim",
"Mikyoung Cha",
"Hwalsuk Lee",
"Sunghun Kim"
] | 2023-12-23 | We introduce SOLAR 10.7B, a large language model (LLM) with 10.7 billion
parameters, demonstrating superior performance in various natural language
processing (NLP) tasks. Inspired by recent efforts to efficiently up-scale
LLMs, we present a method for scaling LLMs called depth up-scaling (DUS), which
encompasses depthwise scaling and continued pretraining. In contrast to other
LLM up-scaling methods that use mixture-of-experts, DUS does not require
complex changes to train and inference efficiently. We show experimentally that
DUS is simple yet effective in scaling up high-performance LLMs from small
ones. Building on the DUS model, we additionally present SOLAR 10.7B-Instruct,
a variant fine-tuned for instruction-following capabilities, surpassing
Mixtral-8x7B-Instruct. SOLAR 10.7B is publicly available under the Apache 2.0
license, promoting broad access and application in the LLM field. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2405.01481 | HF | NeMo-Aligner: Scalable Toolkit for Efficient Model Alignment | [
"Gerald Shen",
"Zhilin Wang",
"Olivier Delalleau",
"Jiaqi Zeng",
"Yi Dong",
"Daniel Egert",
"Shengyang Sun",
"Jimmy Zhang",
"Sahil Jain",
"Ali Taghibakhshi",
"Markel Sanz Ausin",
"Ashwath Aithal",
"Oleksii Kuchaiev"
] | 2024-05-02 | Aligning Large Language Models (LLMs) with human values and preferences is
essential for making them helpful and safe. However, building efficient tools
to perform alignment can be challenging, especially for the largest and most
competent LLMs which often contain tens or hundreds of billions of parameters.
We create NeMo-Aligner, a toolkit for model alignment that can efficiently
scale to a thousand GPUs for training the largest open-source LLMs such as
Nemotron 4 340B and Llama 3.1 405B. NeMo-Aligner comes with highly optimized
and scalable implementations for major paradigms of model alignment such as:
Reinforcement Learning from Human Feedback (RLHF), Direct Preference
Optimization (DPO), SteerLM, and Self-Play Fine-Tuning (SPIN). Additionally,
our toolkit supports running most of the alignment techniques in a Parameter
Efficient Fine-Tuning (PEFT) setting. NeMo-Aligner is designed for
extensibility, allowing support for other alignment techniques with minimal
effort. It is open-sourced with Apache 2.0 License and we invite community
contributions at https://github.com/NVIDIA/NeMo-Aligner | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2408.00874 | HF | Medical SAM 2: Segment medical images as video via Segment Anything Model 2 | [
"Jiayuan Zhu",
"Yunli Qi",
"Junde Wu"
] | 2024-08-01 | In this paper, we introduce Medical SAM 2 (MedSAM-2), an advanced
segmentation model that utilizes the SAM 2 framework to address both 2D and 3D
medical image segmentation tasks. By adopting the philosophy of taking medical
images as videos, MedSAM-2 not only applies to 3D medical images but also
unlocks new One-prompt Segmentation capability. That allows users to provide a
prompt for just one or a specific image targeting an object, after which the
model can autonomously segment the same type of object in all subsequent
images, regardless of temporal relationships between the images. We evaluated
MedSAM-2 across a variety of medical imaging modalities, including abdominal
organs, optic discs, brain tumors, thyroid nodules, and skin lesions, comparing
it against state-of-the-art models in both traditional and interactive
segmentation settings. Our findings show that MedSAM-2 not only surpasses
existing models in performance but also exhibits superior generalization across
a range of medical image segmentation tasks. Our code will be released at:
https://github.com/MedicineToken/Medical-SAM2 | null | cs.CV | [
"cs.CV"
] |
2408.00584 | HF | Non Verbis, Sed Rebus: Large Language Models are Weak Solvers of Italian Rebuses | [
"Gabriele Sarti",
"Tommaso Caselli",
"Malvina Nissim",
"Arianna Bisazza"
] | 2024-08-01 | Rebuses are puzzles requiring constrained multi-step reasoning to identify a
hidden phrase from a set of images and letters. In this work, we introduce a
large collection of verbalized rebuses for the Italian language and use it to
assess the rebus-solving capabilities of state-of-the-art large language
models. While general-purpose systems such as LLaMA-3 and GPT-4o perform poorly
on this task, ad-hoc fine-tuning seems to improve models' performance. However,
we find that performance gains from training are largely motivated by
memorization. Our results suggest that rebus solving remains a challenging test
bed to evaluate large language models' linguistic proficiency and sequential
instruction-following skills. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2305.10841 | HF | GETMusic: Generating Any Music Tracks with a Unified Representation and Diffusion Framework | [
"Ang Lv",
"Xu Tan",
"Peiling Lu",
"Wei Ye",
"Shikun Zhang",
"Jiang Bian",
"Rui Yan"
] | 2023-05-18 | Symbolic music generation aims to create musical notes, which can help users
compose music, such as generating target instrument tracks based on provided
source tracks. In practical scenarios where there's a predefined ensemble of
tracks and various composition needs, an efficient and effective generative
model that can generate any target tracks based on the other tracks becomes
crucial. However, previous efforts have fallen short in addressing this
necessity due to limitations in their music representations and models. In this
paper, we introduce a framework known as GETMusic, with ``GET'' standing for
``GEnerate music Tracks.'' This framework encompasses a novel music
representation ``GETScore'' and a diffusion model ``GETDiff.'' GETScore
represents musical notes as tokens and organizes tokens in a 2D structure, with
tracks stacked vertically and progressing horizontally over time. At a training
step, each track of a music piece is randomly selected as either the target or
source. The training involves two processes: In the forward process, target
tracks are corrupted by masking their tokens, while source tracks remain as the
ground truth; in the denoising process, GETDiff is trained to predict the
masked target tokens conditioning on the source tracks. Our proposed
representation, coupled with the non-autoregressive generative model, empowers
GETMusic to generate music with any arbitrary source-target track combinations.
Our experiments demonstrate that the versatile GETMusic outperforms prior works
proposed for certain specific composition tasks. | null | cs.SD | [
"cs.SD",
"cs.LG",
"cs.MM",
"eess.AS"
] |
2407.13709 | HF | Understanding Reference Policies in Direct Preference Optimization | [
"Yixin Liu",
"Pengfei Liu",
"Arman Cohan"
] | 2024-07-18 | Direct Preference Optimization (DPO) has become a widely used training method
for the instruction fine-tuning of large language models (LLMs). In this work,
we explore an under-investigated aspect of DPO - its dependency on the
reference model or policy. Such reference policies, typically instantiated as
the model to be further fine-tuned, are important since they can impose an
upper limit on DPO's effectiveness. Therefore, we address three related
research questions in this work. First, we explore the optimal strength of the
KL divergence constraint in DPO, which penalizes deviations from the reference
policy, and find that DPO is sensitive to this strength. Next, we examine the
necessity of the KL-constraint from the reference policies in DPO by providing
both theoretical and empirical comparisons between DPO and related learning
objectives, demonstrating DPO's superiority in this controlled setting.
Additionally, we investigate whether DPO benefits from stronger reference
policies, finding that a stronger reference policy can lead to improved
performance, but only when it is similar to the model being fine-tuned. Our
findings highlight the confounding role of reference policies in DPO and offer
insights for best practices, while also identifying open research questions for
future studies. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2305.10763 | HF | CLAPSpeech: Learning Prosody from Text Context with Contrastive Language-Audio Pre-training | [
"Zhenhui Ye",
"Rongjie Huang",
"Yi Ren",
"Ziyue Jiang",
"Jinglin Liu",
"Jinzheng He",
"Xiang Yin",
"Zhou Zhao"
] | 2023-05-18 | Improving text representation has attracted much attention to achieve
expressive text-to-speech (TTS). However, existing works only implicitly learn
the prosody with masked token reconstruction tasks, which leads to low training
efficiency and difficulty in prosody modeling. We propose CLAPSpeech, a
cross-modal contrastive pre-training framework that explicitly learns the
prosody variance of the same text token under different contexts. Specifically,
1) We encourage the model to connect the text context with its corresponding
prosody pattern in the joint multi-modal space with the elaborate design of the
encoder inputs and contrastive loss; 2) We introduce a multi-scale pre-training
pipeline to capture prosody patterns in multiple levels. We show how to
incorporate CLAPSpeech into existing TTS models for better prosody. Experiments
on three datasets not only show that CLAPSpeech could improve the prosody
prediction for existing TTS methods, but also demonstrate its generalization
ability to adapt to multiple languages and multi-speaker TTS. We also deeply
analyze the principle behind the performance of CLAPSpeech. Ablation studies
demonstrate the necessity of each component in our method. Source code and
audio samples are available at https://clapspeech.github.io. | null | cs.SD | [
"cs.SD",
"eess.AS"
] |
2009.03300 | AnswerAI | Measuring Massive Multitask Language Understanding | [
"Dan Hendrycks",
"Collin Burns",
"Steven Basart",
"Andy Zou",
"Mantas Mazeika",
"Dawn Song",
"Jacob Steinhardt"
] | 2020-09-07 | We propose a new test to measure a text model's multitask accuracy. The test
covers 57 tasks including elementary mathematics, US history, computer science,
law, and more. To attain high accuracy on this test, models must possess
extensive world knowledge and problem solving ability. We find that while most
recent models have near random-chance accuracy, the very largest GPT-3 model
improves over random chance by almost 20 percentage points on average. However,
on every one of the 57 tasks, the best models still need substantial
improvements before they can reach expert-level accuracy. Models also have
lopsided performance and frequently do not know when they are wrong. Worse,
they still have near-random accuracy on some socially important subjects such
as morality and law. By comprehensively evaluating the breadth and depth of a
model's academic and professional understanding, our test can be used to
analyze models across many tasks and to identify important shortcomings. | null | cs.CY | [
"cs.CY",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2402.03496 | AnswerAI | Can We Remove the Square-Root in Adaptive Gradient Methods? A Second-Order Perspective | [
"Wu Lin",
"Felix Dangel",
"Runa Eschenhagen",
"Juhan Bae",
"Richard E. Turner",
"Alireza Makhzani"
] | 2024-02-05 | Adaptive gradient optimizers like Adam(W) are the default training algorithms
for many deep learning architectures, such as transformers. Their diagonal
preconditioner is based on the gradient outer product which is incorporated
into the parameter update via a square root. While these methods are often
motivated as approximate second-order methods, the square root represents a
fundamental difference. In this work, we investigate how the behavior of
adaptive methods changes when we remove the root, i.e., strengthen their
second-order motivation. Surprisingly, we find that such square-root-free
adaptive methods close the generalization gap to SGD on convolutional
architectures, while maintaining their root-based counterpart's performance on
transformers. The second-order perspective also has practical benefits for
developing non-diagonal methods that can incorporate arbitrary curvature
approximations through the concept of preconditioner invariance. In contrast to
root-based methods like Shampoo, root-free counterparts work well and fast with
half-precision since they do not require numerically unstable matrix root
decompositions and inversions. Overall, our findings provide new insights into
the development of adaptive methods and raise important questions regarding the
overlooked role of adaptivity in their success. (experiment code:
https://github.com/yorkerlin/remove-the-square-root optimizer code:
https://github.com/f-dangel/sirfshampoo) | null | cs.LG | [
"cs.LG",
"math.OC"
] |
2407.04622 | HF | On scalable oversight with weak LLMs judging strong LLMs | [
"Zachary Kenton",
"Noah Y. Siegel",
"János Kramár",
"Jonah Brown-Cohen",
"Samuel Albanie",
"Jannis Bulian",
"Rishabh Agarwal",
"David Lindner",
"Yunhao Tang",
"Noah D. Goodman",
"Rohin Shah"
] | 2024-07-05 | Scalable oversight protocols aim to enable humans to accurately supervise
superhuman AI. In this paper we study debate, where two AI's compete to
convince a judge; consultancy, where a single AI tries to convince a judge that
asks questions; and compare to a baseline of direct question-answering, where
the judge just answers outright without the AI. We use large language models
(LLMs) as both AI agents and as stand-ins for human judges, taking the judge
models to be weaker than agent models. We benchmark on a diverse range of
asymmetries between judges and agents, extending previous work on a single
extractive QA task with information asymmetry, to also include mathematics,
coding, logic and multimodal reasoning asymmetries. We find that debate
outperforms consultancy across all tasks when the consultant is randomly
assigned to argue for the correct/incorrect answer. Comparing debate to direct
question answering, the results depend on the type of task: in extractive QA
tasks with information asymmetry debate outperforms direct question answering,
but in other tasks without information asymmetry the results are mixed.
Previous work assigned debaters/consultants an answer to argue for. When we
allow them to instead choose which answer to argue for, we find judges are less
frequently convinced by the wrong answer in debate than in consultancy.
Further, we find that stronger debater models increase judge accuracy, though
more modestly than in previous studies. | null | cs.LG | [
"cs.LG"
] |
2402.13573 | HF | ToDo: Token Downsampling for Efficient Generation of High-Resolution Images | [
"Ethan Smith",
"Nayan Saxena",
"Aninda Saha"
] | 2024-02-21 | Attention mechanism has been crucial for image diffusion models, however,
their quadratic computational complexity limits the sizes of images we can
process within reasonable time and memory constraints. This paper investigates
the importance of dense attention in generative image models, which often
contain redundant features, making them suitable for sparser attention
mechanisms. We propose a novel training-free method ToDo that relies on token
downsampling of key and value tokens to accelerate Stable Diffusion inference
by up to 2x for common sizes and up to 4.5x or more for high resolutions like
2048x2048. We demonstrate that our approach outperforms previous methods in
balancing efficient throughput and fidelity. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2305.10431 | HF | FastComposer: Tuning-Free Multi-Subject Image Generation with Localized Attention | [
"Guangxuan Xiao",
"Tianwei Yin",
"William T. Freeman",
"Frédo Durand",
"Song Han"
] | 2023-05-17 | Diffusion models excel at text-to-image generation, especially in
subject-driven generation for personalized images. However, existing methods
are inefficient due to the subject-specific fine-tuning, which is
computationally intensive and hampers efficient deployment. Moreover, existing
methods struggle with multi-subject generation as they often blend features
among subjects. We present FastComposer which enables efficient, personalized,
multi-subject text-to-image generation without fine-tuning. FastComposer uses
subject embeddings extracted by an image encoder to augment the generic text
conditioning in diffusion models, enabling personalized image generation based
on subject images and textual instructions with only forward passes. To address
the identity blending problem in the multi-subject generation, FastComposer
proposes cross-attention localization supervision during training, enforcing
the attention of reference subjects localized to the correct regions in the
target images. Naively conditioning on subject embeddings results in subject
overfitting. FastComposer proposes delayed subject conditioning in the
denoising step to maintain both identity and editability in subject-driven
image generation. FastComposer generates images of multiple unseen individuals
with different styles, actions, and contexts. It achieves
300$\times$-2500$\times$ speedup compared to fine-tuning-based methods and
requires zero extra storage for new subjects. FastComposer paves the way for
efficient, personalized, and high-quality multi-subject image creation. Code,
model, and dataset are available at
https://github.com/mit-han-lab/fastcomposer. | null | cs.CV | [
"cs.CV"
] |
2311.10123 | HF | MetaDreamer: Efficient Text-to-3D Creation With Disentangling Geometry and Texture | [
"Lincong Feng",
"Muyu Wang",
"Maoyu Wang",
"Kuo Xu",
"Xiaoli Liu"
] | 2023-11-16 | Generative models for 3D object synthesis have seen significant advancements
with the incorporation of prior knowledge distilled from 2D diffusion models.
Nevertheless, challenges persist in the form of multi-view geometric
inconsistencies and slow generation speeds within the existing 3D synthesis
frameworks. This can be attributed to two factors: firstly, the deficiency of
abundant geometric a priori knowledge in optimization, and secondly, the
entanglement issue between geometry and texture in conventional 3D generation
methods.In response, we introduce MetaDreammer, a two-stage optimization
approach that leverages rich 2D and 3D prior knowledge. In the first stage, our
emphasis is on optimizing the geometric representation to ensure multi-view
consistency and accuracy of 3D objects. In the second stage, we concentrate on
fine-tuning the geometry and optimizing the texture, thereby achieving a more
refined 3D object. Through leveraging 2D and 3D prior knowledge in two stages,
respectively, we effectively mitigate the interdependence between geometry and
texture. MetaDreamer establishes clear optimization objectives for each stage,
resulting in significant time savings in the 3D generation process. Ultimately,
MetaDreamer can generate high-quality 3D objects based on textual prompts
within 20 minutes, and to the best of our knowledge, it is the most efficient
text-to-3D generation method. Furthermore, we introduce image control into the
process, enhancing the controllability of 3D generation. Extensive empirical
evidence confirms that our method is not only highly efficient but also
achieves a quality level that is at the forefront of current state-of-the-art
3D generation techniques. | null | cs.CV | [
"cs.CV"
] |
2408.15881 | HF | LLaVA-MoD: Making LLaVA Tiny via MoE Knowledge Distillation | [
"Fangxun Shu",
"Yue Liao",
"Le Zhuo",
"Chenning Xu",
"Guanghao Zhang",
"Haonan Shi",
"Long Chen",
"Tao Zhong",
"Wanggui He",
"Siming Fu",
"Haoyuan Li",
"Bolin Li",
"Zhelun Yu",
"Si Liu",
"Hongsheng Li",
"Hao Jiang"
] | 2024-08-28 | We introduce LLaVA-MoD, a novel framework designed to enable the efficient
training of small-scale Multimodal Language Models (s-MLLM) by distilling
knowledge from large-scale MLLM (l-MLLM). Our approach tackles two fundamental
challenges in MLLM distillation. First, we optimize the network structure of
s-MLLM by integrating a sparse Mixture of Experts (MoE) architecture into the
language model, striking a balance between computational efficiency and model
expressiveness. Second, we propose a progressive knowledge transfer strategy to
ensure comprehensive knowledge migration. This strategy begins with mimic
distillation, where we minimize the Kullback-Leibler (KL) divergence between
output distributions to enable the student model to emulate the teacher
network's understanding. Following this, we introduce preference distillation
via Direct Preference Optimization (DPO), where the key lies in treating l-MLLM
as the reference model. During this phase, the s-MLLM's ability to discriminate
between superior and inferior examples is significantly enhanced beyond l-MLLM,
leading to a better student that surpasses its teacher, particularly in
hallucination benchmarks. Extensive experiments demonstrate that LLaVA-MoD
outperforms existing models across various multimodal benchmarks while
maintaining a minimal number of activated parameters and low computational
costs. Remarkably, LLaVA-MoD, with only 2B activated parameters, surpasses
Qwen-VL-Chat-7B by an average of 8.8% across benchmarks, using merely 0.3% of
the training data and 23% trainable parameters. These results underscore
LLaVA-MoD's ability to effectively distill comprehensive knowledge from its
teacher model, paving the way for the development of more efficient MLLMs. The
code will be available on: https://github.com/shufangxun/LLaVA-MoD. | null | cs.CV | [
"cs.CV"
] |
2306.12156 | HF | Fast Segment Anything | [
"Xu Zhao",
"Wenchao Ding",
"Yongqi An",
"Yinglong Du",
"Tao Yu",
"Min Li",
"Ming Tang",
"Jinqiao Wang"
] | 2023-06-21 | The recently proposed segment anything model (SAM) has made a significant
influence in many computer vision tasks. It is becoming a foundation step for
many high-level tasks, like image segmentation, image caption, and image
editing. However, its huge computation costs prevent it from wider applications
in industry scenarios. The computation mainly comes from the Transformer
architecture at high-resolution inputs. In this paper, we propose a speed-up
alternative method for this fundamental task with comparable performance. By
reformulating the task as segments-generation and prompting, we find that a
regular CNN detector with an instance segmentation branch can also accomplish
this task well. Specifically, we convert this task to the well-studied instance
segmentation task and directly train the existing instance segmentation method
using only 1/50 of the SA-1B dataset published by SAM authors. With our method,
we achieve a comparable performance with the SAM method at 50 times higher
run-time speed. We give sufficient experimental results to demonstrate its
effectiveness. The codes and demos will be released at
https://github.com/CASIA-IVA-Lab/FastSAM. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2406.14544 | HF | Prism: A Framework for Decoupling and Assessing the Capabilities of VLMs | [
"Yuxuan Qiao",
"Haodong Duan",
"Xinyu Fang",
"Junming Yang",
"Lin Chen",
"Songyang Zhang",
"Jiaqi Wang",
"Dahua Lin",
"Kai Chen"
] | 2024-06-20 | Vision Language Models (VLMs) demonstrate remarkable proficiency in
addressing a wide array of visual questions, which requires strong perception
and reasoning faculties. Assessing these two competencies independently is
crucial for model refinement, despite the inherent difficulty due to the
intertwined nature of seeing and reasoning in existing VLMs. To tackle this
issue, we present Prism, an innovative framework designed to disentangle the
perception and reasoning processes involved in visual question solving. Prism
comprises two distinct stages: a perception stage that utilizes a VLM to
extract and articulate visual information in textual form, and a reasoning
stage that formulates responses based on the extracted visual information using
a Large Language Model (LLM). This modular design enables the systematic
comparison and assessment of both proprietary and open-source VLM for their
perception and reasoning strengths. Our analytical framework provides several
valuable insights, underscoring Prism's potential as a cost-effective solution
for vision-language tasks. By combining a streamlined VLM focused on perception
with a powerful LLM tailored for reasoning, Prism achieves superior results in
general vision-language tasks while substantially cutting down on training and
operational expenses. Quantitative evaluations show that Prism, when configured
with a vanilla 2B LLaVA and freely accessible GPT-3.5, delivers performance on
par with VLMs $10 \times$ larger on the rigorous multimodal benchmark MMStar.
The project is released at: https://github.com/SparksJoe/Prism. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2311.10775 | HF | ToolTalk: Evaluating Tool-Usage in a Conversational Setting | [
"Nicholas Farn",
"Richard Shin"
] | 2023-11-15 | Large language models (LLMs) have displayed massive improvements in reasoning
and decision-making skills and can hold natural conversations with users. Many
recent works seek to augment LLM-based assistants with external tools so they
can access private or up-to-date information and carry out actions on behalf of
users. To better measure the performance of these assistants, this paper
introduces ToolTalk, a benchmark consisting of complex user intents requiring
multi-step tool usage specified through dialogue. ToolTalk contains 28 tools
grouped into 7 plugins, and includes a complete simulated implementation of
each tool, allowing for fully automated evaluation of assistants that rely on
execution feedback. ToolTalk also emphasizes tools that externally affect the
world rather than only tools for referencing or searching information. We
evaluate GPT-3.5 and GPT-4 on ToolTalk resulting in success rates of 26% and
50% respectively. Our analysis of the errors reveals three major categories and
suggests some future directions for improvement. We release ToolTalk at
https://github.com/microsoft/ToolTalk. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2403.02709 | HF | RT-Sketch: Goal-Conditioned Imitation Learning from Hand-Drawn Sketches | [
"Priya Sundaresan",
"Quan Vuong",
"Jiayuan Gu",
"Peng Xu",
"Ted Xiao",
"Sean Kirmani",
"Tianhe Yu",
"Michael Stark",
"Ajinkya Jain",
"Karol Hausman",
"Dorsa Sadigh",
"Jeannette Bohg",
"Stefan Schaal"
] | 2024-03-05 | Natural language and images are commonly used as goal representations in
goal-conditioned imitation learning (IL). However, natural language can be
ambiguous and images can be over-specified. In this work, we propose hand-drawn
sketches as a modality for goal specification in visual imitation learning.
Sketches are easy for users to provide on the fly like language, but similar to
images they can also help a downstream policy to be spatially-aware and even go
beyond images to disambiguate task-relevant from task-irrelevant objects. We
present RT-Sketch, a goal-conditioned policy for manipulation that takes a
hand-drawn sketch of the desired scene as input, and outputs actions. We train
RT-Sketch on a dataset of paired trajectories and corresponding synthetically
generated goal sketches. We evaluate this approach on six manipulation skills
involving tabletop object rearrangements on an articulated countertop.
Experimentally we find that RT-Sketch is able to perform on a similar level to
image or language-conditioned agents in straightforward settings, while
achieving greater robustness when language goals are ambiguous or visual
distractors are present. Additionally, we show that RT-Sketch has the capacity
to interpret and act upon sketches with varied levels of specificity, ranging
from minimal line drawings to detailed, colored drawings. For supplementary
material and videos, please refer to our website: http://rt-sketch.github.io. | null | cs.RO | [
"cs.RO"
] |
2404.08763 | AnswerAI | CATS: Contextually-Aware Thresholding for Sparsity in Large Language Models | [
"Je-Yong Lee",
"Donghyun Lee",
"Genghan Zhang",
"Mo Tiwari",
"Azalia Mirhoseini"
] | 2024-04-12 | Large Language Models (LLMs) have dramatically advanced AI applications, yet
their deployment remains challenging due to their immense inference costs.
Recent studies ameliorate the computational costs of LLMs by increasing their
activation sparsity but suffer from significant performance degradation on
downstream tasks. In this work, we introduce a new framework for sparsifying
the activations of base LLMs and reducing inference costs, dubbed Contextually
Aware Thresholding for Sparsity (CATS). CATS is relatively simple, easy to
implement, and highly effective. At the heart of our framework is a new
non-linear activation function. We demonstrate that CATS can be applied to
various base models, including Mistral-7B and Llama2-7B, and outperforms
existing sparsification techniques in downstream task performance. More
precisely, CATS-based models often achieve downstream task performance within
1-2% of their base models without any fine-tuning and even at activation
sparsity levels of 50%. Furthermore, CATS-based models converge faster and
display better task performance than competing techniques when fine-tuning is
applied. Finally, we develop a custom GPU kernel for efficient implementation
of CATS that translates the activation of sparsity of CATS to real wall-clock
time speedups. Our custom kernel implementation of CATS results in a ~15%
improvement in wall-clock inference latency of token generation on both
Llama-7B and Mistral-7B. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2306.08997 | HF | Exploring the MIT Mathematics and EECS Curriculum Using Large Language Models | [
"Sarah J. Zhang",
"Samuel Florin",
"Ariel N. Lee",
"Eamon Niknafs",
"Andrei Marginean",
"Annie Wang",
"Keith Tyser",
"Zad Chin",
"Yann Hicke",
"Nikhil Singh",
"Madeleine Udell",
"Yoon Kim",
"Tonio Buonassisi",
"Armando Solar-Lezama",
"Iddo Drori"
] | 2023-06-15 | We curate a comprehensive dataset of 4,550 questions and solutions from
problem sets, midterm exams, and final exams across all MIT Mathematics and
Electrical Engineering and Computer Science (EECS) courses required for
obtaining a degree. We evaluate the ability of large language models to fulfill
the graduation requirements for any MIT major in Mathematics and EECS. Our
results demonstrate that GPT-3.5 successfully solves a third of the entire MIT
curriculum, while GPT-4, with prompt engineering, achieves a perfect solve rate
on a test set excluding questions based on images. We fine-tune an open-source
large language model on this dataset. We employ GPT-4 to automatically grade
model responses, providing a detailed performance breakdown by course,
question, and answer type. By embedding questions in a low-dimensional space,
we explore the relationships between questions, topics, and classes and
discover which questions and classes are required for solving other questions
and classes through few-shot learning. Our analysis offers valuable insights
into course prerequisites and curriculum design, highlighting language models'
potential for learning and improving Mathematics and EECS education. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2312.17681 | HF | FlowVid: Taming Imperfect Optical Flows for Consistent Video-to-Video Synthesis | [
"Feng Liang",
"Bichen Wu",
"Jialiang Wang",
"Licheng Yu",
"Kunpeng Li",
"Yinan Zhao",
"Ishan Misra",
"Jia-Bin Huang",
"Peizhao Zhang",
"Peter Vajda",
"Diana Marculescu"
] | 2023-12-29 | Diffusion models have transformed the image-to-image (I2I) synthesis and are
now permeating into videos. However, the advancement of video-to-video (V2V)
synthesis has been hampered by the challenge of maintaining temporal
consistency across video frames. This paper proposes a consistent V2V synthesis
framework by jointly leveraging spatial conditions and temporal optical flow
clues within the source video. Contrary to prior methods that strictly adhere
to optical flow, our approach harnesses its benefits while handling the
imperfection in flow estimation. We encode the optical flow via warping from
the first frame and serve it as a supplementary reference in the diffusion
model. This enables our model for video synthesis by editing the first frame
with any prevalent I2I models and then propagating edits to successive frames.
Our V2V model, FlowVid, demonstrates remarkable properties: (1) Flexibility:
FlowVid works seamlessly with existing I2I models, facilitating various
modifications, including stylization, object swaps, and local edits. (2)
Efficiency: Generation of a 4-second video with 30 FPS and 512x512 resolution
takes only 1.5 minutes, which is 3.1x, 7.2x, and 10.5x faster than CoDeF,
Rerender, and TokenFlow, respectively. (3) High-quality: In user studies, our
FlowVid is preferred 45.7% of the time, outperforming CoDeF (3.5%), Rerender
(10.2%), and TokenFlow (40.4%). | null | cs.CV | [
"cs.CV",
"cs.MM"
] |
2402.08093 | HF | BASE TTS: Lessons from building a billion-parameter Text-to-Speech model on 100K hours of data | [
"Mateusz Łajszczak",
"Guillermo Cámbara",
"Yang Li",
"Fatih Beyhan",
"Arent van Korlaar",
"Fan Yang",
"Arnaud Joly",
"Álvaro Martín-Cortinas",
"Ammar Abbas",
"Adam Michalski",
"Alexis Moinet",
"Sri Karlapati",
"Ewa Muszyńska",
"Haohan Guo",
"Bartosz Putrycz",
"Soledad López Gambino",
"Kayeon Yoo",
"Elena Sokolova",
"Thomas Drugman"
] | 2024-02-12 | We introduce a text-to-speech (TTS) model called BASE TTS, which stands for
$\textbf{B}$ig $\textbf{A}$daptive $\textbf{S}$treamable TTS with
$\textbf{E}$mergent abilities. BASE TTS is the largest TTS model to-date,
trained on 100K hours of public domain speech data, achieving a new
state-of-the-art in speech naturalness. It deploys a 1-billion-parameter
autoregressive Transformer that converts raw texts into discrete codes
("speechcodes") followed by a convolution-based decoder which converts these
speechcodes into waveforms in an incremental, streamable manner. Further, our
speechcodes are built using a novel speech tokenization technique that features
speaker ID disentanglement and compression with byte-pair encoding. Echoing the
widely-reported "emergent abilities" of large language models when trained on
increasing volume of data, we show that BASE TTS variants built with 10K+ hours
and 500M+ parameters begin to demonstrate natural prosody on textually complex
sentences. We design and share a specialized dataset to measure these emergent
abilities for text-to-speech. We showcase state-of-the-art naturalness of BASE
TTS by evaluating against baselines that include publicly available large-scale
text-to-speech systems: YourTTS, Bark and TortoiseTTS. Audio samples generated
by the model can be heard at https://amazon-ltts-paper.com/. | null | cs.LG | [
"cs.LG",
"cs.CL",
"eess.AS"
] |
2305.11541 | HF | Empower Large Language Model to Perform Better on Industrial Domain-Specific Question Answering | [
"Fangkai Yang",
"Pu Zhao",
"Zezhong Wang",
"Lu Wang",
"Jue Zhang",
"Mohit Garg",
"Qingwei Lin",
"Saravan Rajmohan",
"Dongmei Zhang"
] | 2023-05-19 | Large Language Model (LLM) has gained popularity and achieved remarkable
results in open-domain tasks, but its performance in real industrial
domain-specific scenarios is average due to its lack of specific domain
knowledge. This issue has attracted widespread attention, but there are few
relevant benchmarks available. In this paper, we provide a benchmark Question
Answering (QA) dataset named MSQA, centered around Microsoft products and IT
technical problems encountered by customers. This dataset contains industry
cloud-specific QA knowledge, an area not extensively covered in general LLMs,
making it well-suited for evaluating methods aiming to enhance LLMs'
domain-specific capabilities. In addition, we propose a new model interaction
paradigm that can empower LLM to achieve better performance on domain-specific
tasks where it is not proficient. Extensive experiments demonstrate that the
approach following our method outperforms the commonly used LLM with retrieval
methods. We make our source code and sample data available at:
https://aka.ms/Microsoft_QA. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2305.16806 | HF | Do GPTs Produce Less Literal Translations? | [
"Vikas Raunak",
"Arul Menezes",
"Matt Post",
"Hany Hassan Awadalla"
] | 2023-05-26 | Large Language Models (LLMs) such as GPT-3 have emerged as general-purpose
language models capable of addressing many natural language generation or
understanding tasks. On the task of Machine Translation (MT), multiple works
have investigated few-shot prompting mechanisms to elicit better translations
from LLMs. However, there has been relatively little investigation on how such
translations differ qualitatively from the translations generated by standard
Neural Machine Translation (NMT) models. In this work, we investigate these
differences in terms of the literalness of translations produced by the two
systems. Using literalness measures involving word alignment and monotonicity,
we find that translations out of English (E-X) from GPTs tend to be less
literal, while exhibiting similar or better scores on MT quality metrics. We
demonstrate that this finding is borne out in human evaluations as well. We
then show that these differences are especially pronounced when translating
sentences that contain idiomatic expressions. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2403.14613 | HF | DreamReward: Text-to-3D Generation with Human Preference | [
"Junliang Ye",
"Fangfu Liu",
"Qixiu Li",
"Zhengyi Wang",
"Yikai Wang",
"Xinzhou Wang",
"Yueqi Duan",
"Jun Zhu"
] | 2024-03-21 | 3D content creation from text prompts has shown remarkable success recently.
However, current text-to-3D methods often generate 3D results that do not align
well with human preferences. In this paper, we present a comprehensive
framework, coined DreamReward, to learn and improve text-to-3D models from
human preference feedback. To begin with, we collect 25k expert comparisons
based on a systematic annotation pipeline including rating and ranking. Then,
we build Reward3D -- the first general-purpose text-to-3D human preference
reward model to effectively encode human preferences. Building upon the 3D
reward model, we finally perform theoretical analysis and present the Reward3D
Feedback Learning (DreamFL), a direct tuning algorithm to optimize the
multi-view diffusion models with a redefined scorer. Grounded by theoretical
proof and extensive experiment comparisons, our DreamReward successfully
generates high-fidelity and 3D consistent results with significant boosts in
prompt alignment with human intention. Our results demonstrate the great
potential for learning from human feedback to improve text-to-3D models. | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.LG"
] |
2403.00504 | HF | Learning and Leveraging World Models in Visual Representation Learning | [
"Quentin Garrido",
"Mahmoud Assran",
"Nicolas Ballas",
"Adrien Bardes",
"Laurent Najman",
"Yann LeCun"
] | 2024-03-01 | Joint-Embedding Predictive Architecture (JEPA) has emerged as a promising
self-supervised approach that learns by leveraging a world model. While
previously limited to predicting missing parts of an input, we explore how to
generalize the JEPA prediction task to a broader set of corruptions. We
introduce Image World Models, an approach that goes beyond masked image
modeling and learns to predict the effect of global photometric transformations
in latent space. We study the recipe of learning performant IWMs and show that
it relies on three key aspects: conditioning, prediction difficulty, and
capacity. Additionally, we show that the predictive world model learned by IWM
can be adapted through finetuning to solve diverse tasks; a fine-tuned IWM
world model matches or surpasses the performance of previous self-supervised
methods. Finally, we show that learning with an IWM allows one to control the
abstraction level of the learned representations, learning invariant
representations such as contrastive methods, or equivariant representations
such as masked image modelling. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2306.04632 | HF | Designing a Better Asymmetric VQGAN for StableDiffusion | [
"Zixin Zhu",
"Xuelu Feng",
"Dongdong Chen",
"Jianmin Bao",
"Le Wang",
"Yinpeng Chen",
"Lu Yuan",
"Gang Hua"
] | 2023-06-07 | StableDiffusion is a revolutionary text-to-image generator that is causing a
stir in the world of image generation and editing. Unlike traditional methods
that learn a diffusion model in pixel space, StableDiffusion learns a diffusion
model in the latent space via a VQGAN, ensuring both efficiency and quality. It
not only supports image generation tasks, but also enables image editing for
real images, such as image inpainting and local editing. However, we have
observed that the vanilla VQGAN used in StableDiffusion leads to significant
information loss, causing distortion artifacts even in non-edited image
regions. To this end, we propose a new asymmetric VQGAN with two simple
designs. Firstly, in addition to the input from the encoder, the decoder
contains a conditional branch that incorporates information from task-specific
priors, such as the unmasked image region in inpainting. Secondly, the decoder
is much heavier than the encoder, allowing for more detailed recovery while
only slightly increasing the total inference cost. The training cost of our
asymmetric VQGAN is cheap, and we only need to retrain a new asymmetric decoder
while keeping the vanilla VQGAN encoder and StableDiffusion unchanged. Our
asymmetric VQGAN can be widely used in StableDiffusion-based inpainting and
local editing methods. Extensive experiments demonstrate that it can
significantly improve the inpainting and editing performance, while maintaining
the original text-to-image capability. The code is available at
\url{https://github.com/buxiangzhiren/Asymmetric_VQGAN}. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2408.07116 | HF | Generative Photomontage | [
"Sean J. Liu",
"Nupur Kumari",
"Ariel Shamir",
"Jun-Yan Zhu"
] | 2024-08-13 | Text-to-image models are powerful tools for image creation. However, the
generation process is akin to a dice roll and makes it difficult to achieve a
single image that captures everything a user wants. In this paper, we propose a
framework for creating the desired image by compositing it from various parts
of generated images, in essence forming a Generative Photomontage. Given a
stack of images generated by ControlNet using the same input condition and
different seeds, we let users select desired parts from the generated results
using a brush stroke interface. We introduce a novel technique that takes in
the user's brush strokes, segments the generated images using a graph-based
optimization in diffusion feature space, and then composites the segmented
regions via a new feature-space blending method. Our method faithfully
preserves the user-selected regions while compositing them harmoniously. We
demonstrate that our flexible framework can be used for many applications,
including generating new appearance combinations, fixing incorrect shapes and
artifacts, and improving prompt alignment. We show compelling results for each
application and demonstrate that our method outperforms existing image blending
methods and various baselines. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2407.02880 | HF | Knowledge Composition using Task Vectors with Learned Anisotropic Scaling | [
"Frederic Z. Zhang",
"Paul Albert",
"Cristian Rodriguez-Opazo",
"Anton van den Hengel",
"Ehsan Abbasnejad"
] | 2024-07-03 | Pre-trained models produce strong generic representations that can be adapted
via fine-tuning. The learned weight difference relative to the pre-trained
model, known as a task vector, characterises the direction and stride of
fine-tuning. The significance of task vectors is such that simple arithmetic
operations on them can be used to combine diverse representations from
different domains. This paper builds on these properties of task vectors and
aims to answer (1) whether components of task vectors, particularly parameter
blocks, exhibit similar characteristics, and (2) how such blocks can be used to
enhance knowledge composition and transfer. To this end, we introduce aTLAS, an
algorithm that linearly combines parameter blocks with different learned
coefficients, resulting in anisotropic scaling at the task vector level. We
show that such linear combinations explicitly exploit the low intrinsic
dimensionality of pre-trained models, with only a few coefficients being the
learnable parameters. Furthermore, composition of parameter blocks leverages
the already learned representations, thereby reducing the dependency on large
amounts of data. We demonstrate the effectiveness of our method in task
arithmetic, few-shot recognition and test-time adaptation, with supervised or
unsupervised objectives. In particular, we show that (1) learned anisotropic
scaling allows task vectors to be more disentangled, causing less interference
in composition; (2) task vector composition excels with scarce or no labeled
data and is less prone to domain shift, thus leading to better
generalisability; (3) mixing the most informative parameter blocks across
different task vectors prior to training can reduce the memory footprint and
improve the flexibility of knowledge transfer. Moreover, we show the potential
of aTLAS as a PEFT method, particularly with less data, and demonstrate that
its scalibility. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CV"
] |
2402.17403 | HF | Sora Generates Videos with Stunning Geometrical Consistency | [
"Xuanyi Li",
"Daquan Zhou",
"Chenxu Zhang",
"Shaodong Wei",
"Qibin Hou",
"Ming-Ming Cheng"
] | 2024-02-27 | The recently developed Sora model [1] has exhibited remarkable capabilities
in video generation, sparking intense discussions regarding its ability to
simulate real-world phenomena. Despite its growing popularity, there is a lack
of established metrics to evaluate its fidelity to real-world physics
quantitatively. In this paper, we introduce a new benchmark that assesses the
quality of the generated videos based on their adherence to real-world physics
principles. We employ a method that transforms the generated videos into 3D
models, leveraging the premise that the accuracy of 3D reconstruction is
heavily contingent on the video quality. From the perspective of 3D
reconstruction, we use the fidelity of the geometric constraints satisfied by
the constructed 3D models as a proxy to gauge the extent to which the generated
videos conform to real-world physics rules. Project page:
https://sora-geometrical-consistency.github.io/ | null | cs.CV | [
"cs.CV"
] |
2407.21018 | Both | ThinK: Thinner Key Cache by Query-Driven Pruning | [
"Yuhui Xu",
"Zhanming Jie",
"Hanze Dong",
"Lei Wang",
"Xudong Lu",
"Aojun Zhou",
"Amrita Saha",
"Caiming Xiong",
"Doyen Sahoo"
] | 2024-07-30 | Large Language Models (LLMs) have revolutionized the field of natural
language processing, achieving unprecedented performance across a variety of
applications by leveraging increased model sizes and sequence lengths. However,
the associated rise in computational and memory costs poses significant
challenges, particularly in managing long sequences due to the quadratic
complexity of the transformer attention mechanism. This paper focuses on the
long-context scenario, addressing the inefficiencies in KV cache memory
consumption during inference. Unlike existing approaches that optimize the
memory based on the sequence lengths, we uncover that the channel dimension of
the KV cache exhibits significant redundancy, characterized by unbalanced
magnitude distribution and low-rank structure in attention weights. Based on
these observations, we propose ThinK, a novel query-dependent KV cache pruning
method designed to minimize attention weight loss while selectively pruning the
least significant channels. Our approach not only maintains or enhances model
accuracy but also achieves a reduction in memory costs by over 20% compared
with vanilla KV cache eviction methods. Extensive evaluations on the LLaMA3 and
Mistral models across various long-sequence datasets confirm the efficacy of
ThinK, setting a new precedent for efficient LLM deployment without
compromising performance. We also outline the potential of extending our method
to value cache pruning, demonstrating ThinK's versatility and broad
applicability in reducing both memory and computational overheads. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2402.17753 | HF | Evaluating Very Long-Term Conversational Memory of LLM Agents | [
"Adyasha Maharana",
"Dong-Ho Lee",
"Sergey Tulyakov",
"Mohit Bansal",
"Francesco Barbieri",
"Yuwei Fang"
] | 2024-02-27 | Existing works on long-term open-domain dialogues focus on evaluating model
responses within contexts spanning no more than five chat sessions. Despite
advancements in long-context large language models (LLMs) and retrieval
augmented generation (RAG) techniques, their efficacy in very long-term
dialogues remains unexplored. To address this research gap, we introduce a
machine-human pipeline to generate high-quality, very long-term dialogues by
leveraging LLM-based agent architectures and grounding their dialogues on
personas and temporal event graphs. Moreover, we equip each agent with the
capability of sharing and reacting to images. The generated conversations are
verified and edited by human annotators for long-range consistency and
grounding to the event graphs. Using this pipeline, we collect LoCoMo, a
dataset of very long-term conversations, each encompassing 300 turns and 9K
tokens on avg., over up to 35 sessions. Based on LoCoMo, we present a
comprehensive evaluation benchmark to measure long-term memory in models,
encompassing question answering, event summarization, and multi-modal dialogue
generation tasks. Our experimental results indicate that LLMs exhibit
challenges in understanding lengthy conversations and comprehending long-range
temporal and causal dynamics within dialogues. Employing strategies like
long-context LLMs or RAG can offer improvements but these models still
substantially lag behind human performance. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2404.16510 | HF | Interactive3D: Create What You Want by Interactive 3D Generation | [
"Shaocong Dong",
"Lihe Ding",
"Zhanpeng Huang",
"Zibin Wang",
"Tianfan Xue",
"Dan Xu"
] | 2024-04-25 | 3D object generation has undergone significant advancements, yielding
high-quality results. However, fall short of achieving precise user control,
often yielding results that do not align with user expectations, thus limiting
their applicability. User-envisioning 3D object generation faces significant
challenges in realizing its concepts using current generative models due to
limited interaction capabilities. Existing methods mainly offer two approaches:
(i) interpreting textual instructions with constrained controllability, or (ii)
reconstructing 3D objects from 2D images. Both of them limit customization to
the confines of the 2D reference and potentially introduce undesirable
artifacts during the 3D lifting process, restricting the scope for direct and
versatile 3D modifications. In this work, we introduce Interactive3D, an
innovative framework for interactive 3D generation that grants users precise
control over the generative process through extensive 3D interaction
capabilities. Interactive3D is constructed in two cascading stages, utilizing
distinct 3D representations. The first stage employs Gaussian Splatting for
direct user interaction, allowing modifications and guidance of the generative
direction at any intermediate step through (i) Adding and Removing components,
(ii) Deformable and Rigid Dragging, (iii) Geometric Transformations, and (iv)
Semantic Editing. Subsequently, the Gaussian splats are transformed into
InstantNGP. We introduce a novel (v) Interactive Hash Refinement module to
further add details and extract the geometry in the second stage. Our
experiments demonstrate that Interactive3D markedly improves the
controllability and quality of 3D generation. Our project webpage is available
at \url{https://interactive-3d.github.io/}. | null | cs.GR | [
"cs.GR",
"cs.CV"
] |
2306.07179 | Both | Benchmarking Neural Network Training Algorithms | [
"George E. Dahl",
"Frank Schneider",
"Zachary Nado",
"Naman Agarwal",
"Chandramouli Shama Sastry",
"Philipp Hennig",
"Sourabh Medapati",
"Runa Eschenhagen",
"Priya Kasimbeg",
"Daniel Suo",
"Juhan Bae",
"Justin Gilmer",
"Abel L. Peirson",
"Bilal Khan",
"Rohan Anil",
"Mike Rabbat",
"Shankar Krishnan",
"Daniel Snider",
"Ehsan Amid",
"Kongtao Chen",
"Chris J. Maddison",
"Rakshith Vasudev",
"Michal Badura",
"Ankush Garg",
"Peter Mattson"
] | 2023-06-12 | Training algorithms, broadly construed, are an essential part of every deep
learning pipeline. Training algorithm improvements that speed up training
across a wide variety of workloads (e.g., better update rules, tuning
protocols, learning rate schedules, or data selection schemes) could save time,
save computational resources, and lead to better, more accurate, models.
Unfortunately, as a community, we are currently unable to reliably identify
training algorithm improvements, or even determine the state-of-the-art
training algorithm. In this work, using concrete experiments, we argue that
real progress in speeding up training requires new benchmarks that resolve
three basic challenges faced by empirical comparisons of training algorithms:
(1) how to decide when training is complete and precisely measure training
time, (2) how to handle the sensitivity of measurements to exact workload
details, and (3) how to fairly compare algorithms that require hyperparameter
tuning. In order to address these challenges, we introduce a new, competitive,
time-to-result benchmark using multiple workloads running on fixed hardware,
the AlgoPerf: Training Algorithms benchmark. Our benchmark includes a set of
workload variants that make it possible to detect benchmark submissions that
are more robust to workload changes than current widely-used methods. Finally,
we evaluate baseline submissions constructed using various optimizers that
represent current practice, as well as other optimizers that have recently
received attention in the literature. These baseline results collectively
demonstrate the feasibility of our benchmark, show that non-trivial gaps
between methods exist, and set a provisional state-of-the-art for future
benchmark submissions to try and surpass. | null | cs.LG | [
"cs.LG",
"stat.ML"
] |
2404.02514 | HF | Freditor: High-Fidelity and Transferable NeRF Editing by Frequency Decomposition | [
"Yisheng He",
"Weihao Yuan",
"Siyu Zhu",
"Zilong Dong",
"Liefeng Bo",
"Qixing Huang"
] | 2024-04-03 | This paper enables high-fidelity, transferable NeRF editing by frequency
decomposition. Recent NeRF editing pipelines lift 2D stylization results to 3D
scenes while suffering from blurry results, and fail to capture detailed
structures caused by the inconsistency between 2D editings. Our critical
insight is that low-frequency components of images are more
multiview-consistent after editing compared with their high-frequency parts.
Moreover, the appearance style is mainly exhibited on the low-frequency
components, and the content details especially reside in high-frequency parts.
This motivates us to perform editing on low-frequency components, which results
in high-fidelity edited scenes. In addition, the editing is performed in the
low-frequency feature space, enabling stable intensity control and novel scene
transfer. Comprehensive experiments conducted on photorealistic datasets
demonstrate the superior performance of high-fidelity and transferable NeRF
editing. The project page is at \url{https://aigc3d.github.io/freditor}. | null | cs.CV | [
"cs.CV"
] |
2406.06563 | Both | Skywork-MoE: A Deep Dive into Training Techniques for Mixture-of-Experts Language Models | [
"Tianwen Wei",
"Bo Zhu",
"Liang Zhao",
"Cheng Cheng",
"Biye Li",
"Weiwei Lü",
"Peng Cheng",
"Jianhao Zhang",
"Xiaoyu Zhang",
"Liang Zeng",
"Xiaokun Wang",
"Yutuan Ma",
"Rui Hu",
"Shuicheng Yan",
"Han Fang",
"Yahui Zhou"
] | 2024-06-03 | In this technical report, we introduce the training methodologies implemented
in the development of Skywork-MoE, a high-performance mixture-of-experts (MoE)
large language model (LLM) with 146 billion parameters and 16 experts. It is
initialized from the pre-existing dense checkpoints of our Skywork-13B model.
We explore the comparative effectiveness of upcycling versus training from
scratch initializations. Our findings suggest that the choice between these two
approaches should consider both the performance of the existing dense
checkpoints and the MoE training budget. We highlight two innovative
techniques: gating logit normalization, which improves expert diversification,
and adaptive auxiliary loss coefficients, allowing for layer-specific
adjustment of auxiliary loss coefficients. Our experimental results validate
the effectiveness of these methods. Leveraging these techniques and insights,
we trained our upcycled Skywork-MoE on a condensed subset of our SkyPile
corpus. The evaluation results demonstrate that our model delivers strong
performance across a wide range of benchmarks. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2404.14047 | Both | An Empirical Study of LLaMA3 Quantization: From LLMs to MLLMs | [
"Wei Huang",
"Xingyu Zheng",
"Xudong Ma",
"Haotong Qin",
"Chengtao Lv",
"Hong Chen",
"Jie Luo",
"Xiaojuan Qi",
"Xianglong Liu",
"Michele Magno"
] | 2024-04-22 | The LLaMA family has become one of the most powerful open-source Large
Language Models (LLMs) and the popular LLM backbones of Multimodal Large
Language Models (MLLMs), widely applied in Computer Vision (CV) and Natural
Language Understanding (NLU) tasks. Notably, LLaMA3 models have recently been
released and achieve impressive performance across various with super-large
scale pre-training on over 15T tokens of data. Given the wide application of
low-bit quantization for LLMs in resource-limited scenarios, we explore
LLaMA3's capabilities when quantized to low bit-width. This exploration can
potentially unveil new insights and challenges for low-bit quantization of
LLaMA3 and other forthcoming LLMs, especially in addressing performance
degradation problems that suffer in LLM compression. Specifically, we
comprehensively evaluate the 10 existing post-training quantization and
LoRA-finetuning methods of LLaMA3 on 1-8 bits and diverse datasets to reveal
LLaMA3's low-bit quantization performance. To uncover the capabilities of
low-bit quantized MLLM, we assessed the performance of the LLaMA3-based
LLaVA-Next-8B model under 2-4 ultra-low bits with post-training quantization
methods. Our experimental results indicate that LLaMA3 still suffers
non-negligent degradation in linguistic and visual contexts, particularly under
ultra-low bit widths. This highlights the significant performance gap under low
bit-width that needs to be bridged in future developments. We expect that this
empirical study will prove valuable in advancing future models, driving LLMs
and MLLMs to achieve higher accuracy at lower bit to enhance practicality. | null | cs.LG | [
"cs.LG"
] |
2311.02772 | HF | Attention or Convolution: Transformer Encoders in Audio Language Models for Inference Efficiency | [
"Sungho Jeon",
"Ching-Feng Yeh",
"Hakan Inan",
"Wei-Ning Hsu",
"Rashi Rungta",
"Yashar Mehdad",
"Daniel Bikel"
] | 2023-11-05 | In this paper, we show that a simple self-supervised pre-trained audio model
can achieve comparable inference efficiency to more complicated pre-trained
models with speech transformer encoders. These speech transformers rely on
mixing convolutional modules with self-attention modules. They achieve
state-of-the-art performance on ASR with top efficiency. We first show that
employing these speech transformers as an encoder significantly improves the
efficiency of pre-trained audio models as well. However, our study shows that
we can achieve comparable efficiency with advanced self-attention solely. We
demonstrate that this simpler approach is particularly beneficial with a
low-bit weight quantization technique of a neural network to improve
efficiency. We hypothesize that it prevents propagating the errors between
different quantized modules compared to recent speech transformers mixing
quantized convolution and the quantized self-attention modules. | null | cs.SD | [
"cs.SD",
"cs.CL",
"eess.AS"
] |
2309.13042 | HF | MosaicFusion: Diffusion Models as Data Augmenters for Large Vocabulary Instance Segmentation | [
"Jiahao Xie",
"Wei Li",
"Xiangtai Li",
"Ziwei Liu",
"Yew Soon Ong",
"Chen Change Loy"
] | 2023-09-22 | We present MosaicFusion, a simple yet effective diffusion-based data
augmentation approach for large vocabulary instance segmentation. Our method is
training-free and does not rely on any label supervision. Two key designs
enable us to employ an off-the-shelf text-to-image diffusion model as a useful
dataset generator for object instances and mask annotations. First, we divide
an image canvas into several regions and perform a single round of diffusion
process to generate multiple instances simultaneously, conditioning on
different text prompts. Second, we obtain corresponding instance masks by
aggregating cross-attention maps associated with object prompts across layers
and diffusion time steps, followed by simple thresholding and edge-aware
refinement processing. Without bells and whistles, our MosaicFusion can produce
a significant amount of synthetic labeled data for both rare and novel
categories. Experimental results on the challenging LVIS long-tailed and
open-vocabulary benchmarks demonstrate that MosaicFusion can significantly
improve the performance of existing instance segmentation models, especially
for rare and novel categories. Code will be released at
https://github.com/Jiahao000/MosaicFusion. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2305.10764 | HF | OpenShape: Scaling Up 3D Shape Representation Towards Open-World Understanding | [
"Minghua Liu",
"Ruoxi Shi",
"Kaiming Kuang",
"Yinhao Zhu",
"Xuanlin Li",
"Shizhong Han",
"Hong Cai",
"Fatih Porikli",
"Hao Su"
] | 2023-05-18 | We introduce OpenShape, a method for learning multi-modal joint
representations of text, image, and point clouds. We adopt the commonly used
multi-modal contrastive learning framework for representation alignment, but
with a specific focus on scaling up 3D representations to enable open-world 3D
shape understanding. To achieve this, we scale up training data by ensembling
multiple 3D datasets and propose several strategies to automatically filter and
enrich noisy text descriptions. We also explore and compare strategies for
scaling 3D backbone networks and introduce a novel hard negative mining module
for more efficient training. We evaluate OpenShape on zero-shot 3D
classification benchmarks and demonstrate its superior capabilities for
open-world recognition. Specifically, OpenShape achieves a zero-shot accuracy
of 46.8% on the 1,156-category Objaverse-LVIS benchmark, compared to less than
10% for existing methods. OpenShape also achieves an accuracy of 85.3% on
ModelNet40, outperforming previous zero-shot baseline methods by 20% and
performing on par with some fully-supervised methods. Furthermore, we show that
our learned embeddings encode a wide range of visual and semantic concepts
(e.g., subcategories, color, shape, style) and facilitate fine-grained text-3D
and image-3D interactions. Due to their alignment with CLIP embeddings, our
learned shape representations can also be integrated with off-the-shelf
CLIP-based models for various applications, such as point cloud captioning and
point cloud-conditioned image generation. | null | cs.CV | [
"cs.CV"
] |
2402.01118 | HF | PokeLLMon: A Human-Parity Agent for Pokemon Battles with Large Language Models | [
"Sihao Hu",
"Tiansheng Huang",
"Ling Liu"
] | 2024-02-02 | We introduce PokeLLMon, the first LLM-embodied agent that achieves
human-parity performance in tactical battle games, as demonstrated in Pokemon
battles. The design of PokeLLMon incorporates three key strategies: (i)
In-context reinforcement learning that instantly consumes text-based feedback
derived from battles to iteratively refine the policy; (ii) Knowledge-augmented
generation that retrieves external knowledge to counteract hallucination and
enables the agent to act timely and properly; (iii) Consistent action
generation to mitigate the panic switching phenomenon when the agent faces a
powerful opponent and wants to elude the battle. We show that online battles
against human demonstrates PokeLLMon's human-like battle strategies and
just-in-time decision making, achieving 49% of win rate in the Ladder
competitions and 56% of win rate in the invited battles. Our implementation and
playable battle logs are available at: https://github.com/git-disl/PokeLLMon. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2403.14599 | HF | MyVLM: Personalizing VLMs for User-Specific Queries | [
"Yuval Alaluf",
"Elad Richardson",
"Sergey Tulyakov",
"Kfir Aberman",
"Daniel Cohen-Or"
] | 2024-03-21 | Recent large-scale vision-language models (VLMs) have demonstrated remarkable
capabilities in understanding and generating textual descriptions for visual
content. However, these models lack an understanding of user-specific concepts.
In this work, we take a first step toward the personalization of VLMs, enabling
them to learn and reason over user-provided concepts. For example, we explore
whether these models can learn to recognize you in an image and communicate
what you are doing, tailoring the model to reflect your personal experiences
and relationships. To effectively recognize a variety of user-specific
concepts, we augment the VLM with external concept heads that function as
toggles for the model, enabling the VLM to identify the presence of specific
target concepts in a given image. Having recognized the concept, we learn a new
concept embedding in the intermediate feature space of the VLM. This embedding
is tasked with guiding the language model to naturally integrate the target
concept in its generated response. We apply our technique to BLIP-2 and LLaVA
for personalized image captioning and further show its applicability for
personalized visual question-answering. Our experiments demonstrate our ability
to generalize to unseen images of learned concepts while preserving the model
behavior on unrelated inputs. | null | cs.CV | [
"cs.CV"
] |
2406.13236 | HF | Data Contamination Can Cross Language Barriers | [
"Feng Yao",
"Yufan Zhuang",
"Zihao Sun",
"Sunan Xu",
"Animesh Kumar",
"Jingbo Shang"
] | 2024-06-19 | The opacity in developing large language models (LLMs) is raising growing
concerns about the potential contamination of public benchmarks in the
pre-training data. Existing contamination detection methods are typically based
on the text overlap between training and evaluation data, which can be too
superficial to reflect deeper forms of contamination. In this paper, we first
present a cross-lingual form of contamination that inflates LLMs' performance
while evading current detection methods, deliberately injected by overfitting
LLMs on the translated versions of benchmark test sets. Then, we propose
generalization-based approaches to unmask such deeply concealed contamination.
Specifically, we examine the LLM's performance change after modifying the
original benchmark by replacing the false answer choices with correct ones from
other questions. Contaminated models can hardly generalize to such easier
situations, where the false choices can be \emph{not even wrong}, as all
choices are correct in their memorization. Experimental results demonstrate
that cross-lingual contamination can easily fool existing detection methods,
but not ours. In addition, we discuss the potential utilization of
cross-lingual contamination in interpreting LLMs' working mechanisms and in
post-training LLMs for enhanced multilingual capabilities. The code and dataset
we use can be obtained from \url{https://github.com/ShangDataLab/Deep-Contam}. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.16293 | Both | Physics of Language Models: Part 2.2, How to Learn From Mistakes on Grade-School Math Problems | [
"Tian Ye",
"Zicheng Xu",
"Yuanzhi Li",
"Zeyuan Allen-Zhu"
] | 2024-08-29 | Language models have demonstrated remarkable performance in solving reasoning
tasks; however, even the strongest models still occasionally make reasoning
mistakes. Recently, there has been active research aimed at improving reasoning
accuracy, particularly by using pretrained language models to "self-correct"
their mistakes via multi-round prompting. In this paper, we follow this line of
work but focus on understanding the usefulness of incorporating
"error-correction" data directly into the pretraining stage. This data consists
of erroneous solution steps immediately followed by their corrections. Using a
synthetic math dataset, we show promising results: this type of pretrain data
can help language models achieve higher reasoning accuracy directly (i.e.,
through simple auto-regression, without multi-round prompting) compared to
pretraining on the same amount of error-free data. We also delve into many
details, such as (1) how this approach differs from beam search, (2) how such
data can be prepared, (3) whether masking is needed on the erroneous tokens,
(4) the amount of error required, (5) whether such data can be deferred to the
fine-tuning stage, and many others. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2311.05884 | HF | Hiformer: Heterogeneous Feature Interactions Learning with Transformers for Recommender Systems | [
"Huan Gui",
"Ruoxi Wang",
"Ke Yin",
"Long Jin",
"Maciej Kula",
"Taibai Xu",
"Lichan Hong",
"Ed H. Chi"
] | 2023-11-10 | Learning feature interaction is the critical backbone to building recommender
systems. In web-scale applications, learning feature interaction is extremely
challenging due to the sparse and large input feature space; meanwhile,
manually crafting effective feature interactions is infeasible because of the
exponential solution space. We propose to leverage a Transformer-based
architecture with attention layers to automatically capture feature
interactions. Transformer architectures have witnessed great success in many
domains, such as natural language processing and computer vision. However,
there has not been much adoption of Transformer architecture for feature
interaction modeling in industry. We aim at closing the gap. We identify two
key challenges for applying the vanilla Transformer architecture to web-scale
recommender systems: (1) Transformer architecture fails to capture the
heterogeneous feature interactions in the self-attention layer; (2) The serving
latency of Transformer architecture might be too high to be deployed in
web-scale recommender systems. We first propose a heterogeneous self-attention
layer, which is a simple yet effective modification to the self-attention layer
in Transformer, to take into account the heterogeneity of feature interactions.
We then introduce \textsc{Hiformer} (\textbf{H}eterogeneous
\textbf{I}nteraction Trans\textbf{former}) to further improve the model
expressiveness. With low-rank approximation and model pruning, \hiformer enjoys
fast inference for online deployment. Extensive offline experiment results
corroborates the effectiveness and efficiency of the \textsc{Hiformer} model.
We have successfully deployed the \textsc{Hiformer} model to a real world large
scale App ranking model at Google Play, with significant improvement in key
engagement metrics (up to +2.66\%). | null | cs.IR | [
"cs.IR",
"cs.LG"
] |
2406.08464 | Both | Magpie: Alignment Data Synthesis from Scratch by Prompting Aligned LLMs with Nothing | [
"Zhangchen Xu",
"Fengqing Jiang",
"Luyao Niu",
"Yuntian Deng",
"Radha Poovendran",
"Yejin Choi",
"Bill Yuchen Lin"
] | 2024-06-12 | High-quality instruction data is critical for aligning large language models
(LLMs). Although some models, such as Llama-3-Instruct, have open weights,
their alignment data remain private, which hinders the democratization of AI.
High human labor costs and a limited, predefined scope for prompting prevent
existing open-source data creation methods from scaling effectively,
potentially limiting the diversity and quality of public alignment datasets. Is
it possible to synthesize high-quality instruction data at scale by extracting
it directly from an aligned LLM? We present a self-synthesis method for
generating large-scale alignment data named Magpie. Our key observation is that
aligned LLMs like Llama-3-Instruct can generate a user query when we input only
the left-side templates up to the position reserved for user messages, thanks
to their auto-regressive nature. We use this method to prompt Llama-3-Instruct
and generate 4 million instructions along with their corresponding responses.
We perform a comprehensive analysis of the extracted data and select 300K
high-quality instances. To compare Magpie data with other public instruction
datasets, we fine-tune Llama-3-8B-Base with each dataset and evaluate the
performance of the fine-tuned models. Our results indicate that in some tasks,
models fine-tuned with Magpie perform comparably to the official
Llama-3-8B-Instruct, despite the latter being enhanced with 10 million data
points through supervised fine-tuning (SFT) and subsequent feedback learning.
We also show that using Magpie solely for SFT can surpass the performance of
previous public datasets utilized for both SFT and preference optimization,
such as direct preference optimization with UltraFeedback. This advantage is
evident on alignment benchmarks such as AlpacaEval, ArenaHard, and WildBench. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2406.09356 | HF | CMC-Bench: Towards a New Paradigm of Visual Signal Compression | [
"Chunyi Li",
"Xiele Wu",
"Haoning Wu",
"Donghui Feng",
"Zicheng Zhang",
"Guo Lu",
"Xiongkuo Min",
"Xiaohong Liu",
"Guangtao Zhai",
"Weisi Lin"
] | 2024-06-13 | Ultra-low bitrate image compression is a challenging and demanding topic.
With the development of Large Multimodal Models (LMMs), a Cross Modality
Compression (CMC) paradigm of Image-Text-Image has emerged. Compared with
traditional codecs, this semantic-level compression can reduce image data size
to 0.1\% or even lower, which has strong potential applications. However, CMC
has certain defects in consistency with the original image and perceptual
quality. To address this problem, we introduce CMC-Bench, a benchmark of the
cooperative performance of Image-to-Text (I2T) and Text-to-Image (T2I) models
for image compression. This benchmark covers 18,000 and 40,000 images
respectively to verify 6 mainstream I2T and 12 T2I models, including 160,000
subjective preference scores annotated by human experts. At ultra-low bitrates,
this paper proves that the combination of some I2T and T2I models has surpassed
the most advanced visual signal codecs; meanwhile, it highlights where LMMs can
be further optimized toward the compression task. We encourage LMM developers
to participate in this test to promote the evolution of visual signal codec
protocols. | null | cs.CV | [
"cs.CV",
"eess.IV"
] |
2312.06655 | HF | Sherpa3D: Boosting High-Fidelity Text-to-3D Generation via Coarse 3D Prior | [
"Fangfu Liu",
"Diankun Wu",
"Yi Wei",
"Yongming Rao",
"Yueqi Duan"
] | 2023-12-11 | Recently, 3D content creation from text prompts has demonstrated remarkable
progress by utilizing 2D and 3D diffusion models. While 3D diffusion models
ensure great multi-view consistency, their ability to generate high-quality and
diverse 3D assets is hindered by the limited 3D data. In contrast, 2D diffusion
models find a distillation approach that achieves excellent generalization and
rich details without any 3D data. However, 2D lifting methods suffer from
inherent view-agnostic ambiguity thereby leading to serious multi-face Janus
issues, where text prompts fail to provide sufficient guidance to learn
coherent 3D results. Instead of retraining a costly viewpoint-aware model, we
study how to fully exploit easily accessible coarse 3D knowledge to enhance the
prompts and guide 2D lifting optimization for refinement. In this paper, we
propose Sherpa3D, a new text-to-3D framework that achieves high-fidelity,
generalizability, and geometric consistency simultaneously. Specifically, we
design a pair of guiding strategies derived from the coarse 3D prior generated
by the 3D diffusion model: a structural guidance for geometric fidelity and a
semantic guidance for 3D coherence. Employing the two types of guidance, the 2D
diffusion model enriches the 3D content with diversified and high-quality
results. Extensive experiments show the superiority of our Sherpa3D over the
state-of-the-art text-to-3D methods in terms of quality and 3D consistency. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG"
] |
2101.00190 | AnswerAI | Prefix-Tuning: Optimizing Continuous Prompts for Generation | [
"Xiang Lisa Li",
"Percy Liang"
] | 2021-01-01 | Fine-tuning is the de facto way to leverage large pretrained language models
to perform downstream tasks. However, it modifies all the language model
parameters and therefore necessitates storing a full copy for each task. In
this paper, we propose prefix-tuning, a lightweight alternative to fine-tuning
for natural language generation tasks, which keeps language model parameters
frozen, but optimizes a small continuous task-specific vector (called the
prefix). Prefix-tuning draws inspiration from prompting, allowing subsequent
tokens to attend to this prefix as if it were "virtual tokens". We apply
prefix-tuning to GPT-2 for table-to-text generation and to BART for
summarization. We find that by learning only 0.1\% of the parameters,
prefix-tuning obtains comparable performance in the full data setting,
outperforms fine-tuning in low-data settings, and extrapolates better to
examples with topics unseen during training. | null | cs.CL | [
"cs.CL"
] |
2305.03514 | Both | Can Large Language Models Transform Computational Social Science? | [
"Caleb Ziems",
"William Held",
"Omar Shaikh",
"Jiaao Chen",
"Zhehao Zhang",
"Diyi Yang"
] | 2023-04-12 | Large Language Models (LLMs) are capable of successfully performing many
language processing tasks zero-shot (without training data). If zero-shot LLMs
can also reliably classify and explain social phenomena like persuasiveness and
political ideology, then LLMs could augment the Computational Social Science
(CSS) pipeline in important ways. This work provides a road map for using LLMs
as CSS tools. Towards this end, we contribute a set of prompting best practices
and an extensive evaluation pipeline to measure the zero-shot performance of 13
language models on 25 representative English CSS benchmarks. On taxonomic
labeling tasks (classification), LLMs fail to outperform the best fine-tuned
models but still achieve fair levels of agreement with humans. On free-form
coding tasks (generation), LLMs produce explanations that often exceed the
quality of crowdworkers' gold references. We conclude that the performance of
today's LLMs can augment the CSS research pipeline in two ways: (1) serving as
zero-shot data annotators on human annotation teams, and (2) bootstrapping
challenging creative generation tasks (e.g., explaining the underlying
attributes of a text). In summary, LLMs are posed to meaningfully participate
in social science analysis in partnership with humans. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2009.14794 | AnswerAI | Rethinking Attention with Performers | [
"Krzysztof Choromanski",
"Valerii Likhosherstov",
"David Dohan",
"Xingyou Song",
"Andreea Gane",
"Tamas Sarlos",
"Peter Hawkins",
"Jared Davis",
"Afroz Mohiuddin",
"Lukasz Kaiser",
"David Belanger",
"Lucy Colwell",
"Adrian Weller"
] | 2020-09-30 | We introduce Performers, Transformer architectures which can estimate regular
(softmax) full-rank-attention Transformers with provable accuracy, but using
only linear (as opposed to quadratic) space and time complexity, without
relying on any priors such as sparsity or low-rankness. To approximate softmax
attention-kernels, Performers use a novel Fast Attention Via positive
Orthogonal Random features approach (FAVOR+), which may be of independent
interest for scalable kernel methods. FAVOR+ can be also used to efficiently
model kernelizable attention mechanisms beyond softmax. This representational
power is crucial to accurately compare softmax with other kernels for the first
time on large-scale tasks, beyond the reach of regular Transformers, and
investigate optimal attention-kernels. Performers are linear architectures
fully compatible with regular Transformers and with strong theoretical
guarantees: unbiased or nearly-unbiased estimation of the attention matrix,
uniform convergence and low estimation variance. We tested Performers on a rich
set of tasks stretching from pixel-prediction through text models to protein
sequence modeling. We demonstrate competitive results with other examined
efficient sparse and dense attention methods, showcasing effectiveness of the
novel attention-learning paradigm leveraged by Performers. | null | cs.LG | [
"cs.LG",
"cs.CL",
"stat.ML"
] |
2306.11706 | HF | RoboCat: A Self-Improving Generalist Agent for Robotic Manipulation | [
"Konstantinos Bousmalis",
"Giulia Vezzani",
"Dushyant Rao",
"Coline Devin",
"Alex X. Lee",
"Maria Bauza",
"Todor Davchev",
"Yuxiang Zhou",
"Agrim Gupta",
"Akhil Raju",
"Antoine Laurens",
"Claudio Fantacci",
"Valentin Dalibard",
"Martina Zambelli",
"Murilo Martins",
"Rugile Pevceviciute",
"Michiel Blokzijl",
"Misha Denil",
"Nathan Batchelor",
"Thomas Lampe",
"Emilio Parisotto",
"Konrad Żołna",
"Scott Reed",
"Sergio Gómez Colmenarejo",
"Jon Scholz",
"Abbas Abdolmaleki",
"Oliver Groth",
"Jean-Baptiste Regli",
"Oleg Sushkov",
"Tom Rothörl",
"José Enrique Chen",
"Yusuf Aytar",
"Dave Barker",
"Joy Ortiz",
"Martin Riedmiller",
"Jost Tobias Springenberg",
"Raia Hadsell",
"Francesco Nori",
"Nicolas Heess"
] | 2023-06-20 | The ability to leverage heterogeneous robotic experience from different
robots and tasks to quickly master novel skills and embodiments has the
potential to transform robot learning. Inspired by recent advances in
foundation models for vision and language, we propose a multi-embodiment,
multi-task generalist agent for robotic manipulation. This agent, named
RoboCat, is a visual goal-conditioned decision transformer capable of consuming
action-labelled visual experience. This data spans a large repertoire of motor
control skills from simulated and real robotic arms with varying sets of
observations and actions. With RoboCat, we demonstrate the ability to
generalise to new tasks and robots, both zero-shot as well as through
adaptation using only 100-1000 examples for the target task. We also show how a
trained model itself can be used to generate data for subsequent training
iterations, thus providing a basic building block for an autonomous improvement
loop. We investigate the agent's capabilities, with large-scale evaluations
both in simulation and on three different real robot embodiments. We find that
as we grow and diversify its training data, RoboCat not only shows signs of
cross-task transfer, but also becomes more efficient at adapting to new tasks. | null | cs.RO | [
"cs.RO",
"cs.LG"
] |
2210.15097 | AnswerAI | Contrastive Decoding: Open-ended Text Generation as Optimization | [
"Xiang Lisa Li",
"Ari Holtzman",
"Daniel Fried",
"Percy Liang",
"Jason Eisner",
"Tatsunori Hashimoto",
"Luke Zettlemoyer",
"Mike Lewis"
] | 2022-10-27 | Given a language model (LM), maximum probability is a poor decoding objective
for open-ended generation, because it produces short and repetitive text. On
the other hand, sampling can often produce incoherent text that drifts from the
original topics. We propose contrastive decoding (CD), a reliable decoding
approach that optimizes a contrastive objective subject to a plausibility
constraint. The contrastive objective returns the difference between the
likelihood under a large LM (called the expert, e.g. OPT-13B) and a small LM
(called the amateur, e.g. OPT-125M), and the constraint ensures that the
outputs are plausible. CD is inspired by the fact that the failures of larger
LMs (e.g., repetition, incoherence) are even more prevalent in smaller LMs, and
that this difference signals which texts should be preferred. CD requires zero
additional training, and produces higher quality text than decoding from the
larger LM alone. It also works across model scales (OPT-13B and GPT2-1.5B) and
significantly outperforms four strong decoding algorithms (e.g., nucleus,
top-k) in automatic and human evaluations across wikipedia, news and story
domains. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2305.10142 | HF | Improving Language Model Negotiation with Self-Play and In-Context Learning from AI Feedback | [
"Yao Fu",
"Hao Peng",
"Tushar Khot",
"Mirella Lapata"
] | 2023-05-17 | We study whether multiple large language models (LLMs) can autonomously
improve each other in a negotiation game by playing, reflecting, and
criticizing. We are interested in this question because if LLMs were able to
improve each other, it would imply the possibility of creating strong AI agents
with minimal human intervention. We ask two LLMs to negotiate with each other,
playing the roles of a buyer and a seller, respectively. They aim to reach a
deal with the buyer targeting a lower price and the seller a higher one. A
third language model, playing the critic, provides feedback to a player to
improve the player's negotiation strategies. We let the two agents play
multiple rounds, using previous negotiation history and AI feedback as
in-context demonstrations to improve the model's negotiation strategy
iteratively. We use different LLMs (GPT and Claude) for different roles and use
the deal price as the evaluation metric. Our experiments reveal multiple
intriguing findings: (1) Only a subset of the language models we consider can
self-play and improve the deal price from AI feedback, weaker models either do
not understand the game's rules or cannot incorporate AI feedback for further
improvement. (2) Models' abilities to learn from the feedback differ when
playing different roles. For example, it is harder for Claude-instant to
improve as the buyer than as the seller. (3) When unrolling the game to
multiple rounds, stronger agents can consistently improve their performance by
meaningfully using previous experiences and iterative AI feedback, yet have a
higher risk of breaking the deal. We hope our work provides insightful initial
explorations of having models autonomously improve each other with game playing
and AI feedback. | null | cs.CL | [
"cs.CL"
] |
2408.02752 | HF | Diffusion Models as Data Mining Tools | [
"Ioannis Siglidis",
"Aleksander Holynski",
"Alexei A. Efros",
"Mathieu Aubry",
"Shiry Ginosar"
] | 2024-07-20 | This paper demonstrates how to use generative models trained for image
synthesis as tools for visual data mining. Our insight is that since
contemporary generative models learn an accurate representation of their
training data, we can use them to summarize the data by mining for visual
patterns. Concretely, we show that after finetuning conditional diffusion
models to synthesize images from a specific dataset, we can use these models to
define a typicality measure on that dataset. This measure assesses how typical
visual elements are for different data labels, such as geographic location,
time stamps, semantic labels, or even the presence of a disease. This
analysis-by-synthesis approach to data mining has two key advantages. First, it
scales much better than traditional correspondence-based approaches since it
does not require explicitly comparing all pairs of visual elements. Second,
while most previous works on visual data mining focus on a single dataset, our
approach works on diverse datasets in terms of content and scale, including a
historical car dataset, a historical face dataset, a large worldwide
street-view dataset, and an even larger scene dataset. Furthermore, our
approach allows for translating visual elements across class labels and
analyzing consistent changes. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2406.14783 | HF | Evaluating RAG-Fusion with RAGElo: an Automated Elo-based Framework | [
"Zackary Rackauckas",
"Arthur Câmara",
"Jakub Zavrel"
] | 2024-06-20 | Challenges in the automated evaluation of Retrieval-Augmented Generation
(RAG) Question-Answering (QA) systems include hallucination problems in
domain-specific knowledge and the lack of gold standard benchmarks for company
internal tasks. This results in difficulties in evaluating RAG variations, like
RAG-Fusion (RAGF), in the context of a product QA task at Infineon
Technologies. To solve these problems, we propose a comprehensive evaluation
framework, which leverages Large Language Models (LLMs) to generate large
datasets of synthetic queries based on real user queries and in-domain
documents, uses LLM-as-a-judge to rate retrieved documents and answers,
evaluates the quality of answers, and ranks different variants of
Retrieval-Augmented Generation (RAG) agents with RAGElo's automated Elo-based
competition. LLM-as-a-judge rating of a random sample of synthetic queries
shows a moderate, positive correlation with domain expert scoring in relevance,
accuracy, completeness, and precision. While RAGF outperformed RAG in Elo
score, a significance analysis against expert annotations also shows that RAGF
significantly outperforms RAG in completeness, but underperforms in precision.
In addition, Infineon's RAGF assistant demonstrated slightly higher performance
in document relevance based on MRR@5 scores. We find that RAGElo positively
aligns with the preferences of human annotators, though due caution is still
required. Finally, RAGF's approach leads to more complete answers based on
expert annotations and better answers overall based on RAGElo's evaluation
criteria. | null | cs.IR | [
"cs.IR",
"cs.CL"
] |
2401.00448 | Both | Beyond Chinchilla-Optimal: Accounting for Inference in Language Model Scaling Laws | [
"Nikhil Sardana",
"Jacob Portes",
"Sasha Doubov",
"Jonathan Frankle"
] | 2023-12-31 | Large language model (LLM) scaling laws are empirical formulas that estimate
changes in model quality as a result of increasing parameter count and training
data. However, these formulas, including the popular Deepmind Chinchilla
scaling laws, neglect to include the cost of inference. We modify the
Chinchilla scaling laws to calculate the optimal LLM parameter count and
pre-training data size to train and deploy a model of a given quality and
inference demand. We conduct our analysis both in terms of a compute budget and
real-world costs and find that LLM researchers expecting reasonably large
inference demand (~1B requests) should train models smaller and longer than
Chinchilla-optimal. Furthermore, we train 47 models of varying sizes and
parameter counts to validate our formula and find that model quality continues
to improve as we scale tokens per parameter to extreme ranges (up to 10,000).
Finally, we ablate the procedure used to fit the Chinchilla scaling law
coefficients and find that developing scaling laws only from data collected at
typical token/parameter ratios overestimates the impact of additional tokens at
these extreme ranges. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2401.12168 | HF | SpatialVLM: Endowing Vision-Language Models with Spatial Reasoning Capabilities | [
"Boyuan Chen",
"Zhuo Xu",
"Sean Kirmani",
"Brian Ichter",
"Danny Driess",
"Pete Florence",
"Dorsa Sadigh",
"Leonidas Guibas",
"Fei Xia"
] | 2024-01-22 | Understanding and reasoning about spatial relationships is a fundamental
capability for Visual Question Answering (VQA) and robotics. While Vision
Language Models (VLM) have demonstrated remarkable performance in certain VQA
benchmarks, they still lack capabilities in 3D spatial reasoning, such as
recognizing quantitative relationships of physical objects like distances or
size differences. We hypothesize that VLMs' limited spatial reasoning
capability is due to the lack of 3D spatial knowledge in training data and aim
to solve this problem by training VLMs with Internet-scale spatial reasoning
data. To this end, we present a system to facilitate this approach. We first
develop an automatic 3D spatial VQA data generation framework that scales up to
2 billion VQA examples on 10 million real-world images. We then investigate
various factors in the training recipe, including data quality, training
pipeline, and VLM architecture. Our work features the first internet-scale 3D
spatial reasoning dataset in metric space. By training a VLM on such data, we
significantly enhance its ability on both qualitative and quantitative spatial
VQA. Finally, we demonstrate that this VLM unlocks novel downstream
applications in chain-of-thought spatial reasoning and robotics due to its
quantitative estimation capability. Project website:
https://spatial-vlm.github.io/ | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.LG",
"cs.RO"
] |
2006.09882 | AnswerAI | Unsupervised Learning of Visual Features by Contrasting Cluster Assignments | [
"Mathilde Caron",
"Ishan Misra",
"Julien Mairal",
"Priya Goyal",
"Piotr Bojanowski",
"Armand Joulin"
] | 2020-06-17 | Unsupervised image representations have significantly reduced the gap with
supervised pretraining, notably with the recent achievements of contrastive
learning methods. These contrastive methods typically work online and rely on a
large number of explicit pairwise feature comparisons, which is computationally
challenging. In this paper, we propose an online algorithm, SwAV, that takes
advantage of contrastive methods without requiring to compute pairwise
comparisons. Specifically, our method simultaneously clusters the data while
enforcing consistency between cluster assignments produced for different
augmentations (or views) of the same image, instead of comparing features
directly as in contrastive learning. Simply put, we use a swapped prediction
mechanism where we predict the cluster assignment of a view from the
representation of another view. Our method can be trained with large and small
batches and can scale to unlimited amounts of data. Compared to previous
contrastive methods, our method is more memory efficient since it does not
require a large memory bank or a special momentum network. In addition, we also
propose a new data augmentation strategy, multi-crop, that uses a mix of views
with different resolutions in place of two full-resolution views, without
increasing the memory or compute requirements much. We validate our findings by
achieving 75.3% top-1 accuracy on ImageNet with ResNet-50, as well as
surpassing supervised pretraining on all the considered transfer tasks. | null | cs.CV | [
"cs.CV"
] |
2406.06040 | HF | Vript: A Video Is Worth Thousands of Words | [
"Dongjie Yang",
"Suyuan Huang",
"Chengqiang Lu",
"Xiaodong Han",
"Haoxin Zhang",
"Yan Gao",
"Yao Hu",
"Hai Zhao"
] | 2024-06-10 | Advancements in multimodal learning, particularly in video understanding and
generation, require high-quality video-text datasets for improved model
performance. Vript addresses this issue with a meticulously annotated corpus of
12K high-resolution videos, offering detailed, dense, and script-like captions
for over 420K clips. Each clip has a caption of ~145 words, which is over 10x
longer than most video-text datasets. Unlike captions only documenting static
content in previous datasets, we enhance video captioning to video scripting by
documenting not just the content, but also the camera operations, which include
the shot types (medium shot, close-up, etc) and camera movements (panning,
tilting, etc). By utilizing the Vript, we explore three training paradigms of
aligning more text with the video modality rather than clip-caption pairs. This
results in Vriptor, a top-performing video captioning model among open-source
models, comparable to GPT-4V in performance. Vriptor is also a powerful model
capable of end-to-end generation of dense and detailed captions for long
videos. Moreover, we introduce Vript-Hard, a benchmark consisting of three
video understanding tasks that are more challenging than existing benchmarks:
Vript-HAL is the first benchmark evaluating action and object hallucinations in
video LLMs, Vript-RR combines reasoning with retrieval resolving question
ambiguity in long-video QAs, and Vript-ERO is a new task to evaluate the
temporal understanding of events in long videos rather than actions in short
videos in previous works. All code, models, and datasets are available in
https://github.com/mutonix/Vript. | null | cs.CV | [
"cs.CV"
] |
2306.07042 | HF | Transformers learn through gradual rank increase | [
"Enric Boix-Adsera",
"Etai Littwin",
"Emmanuel Abbe",
"Samy Bengio",
"Joshua Susskind"
] | 2023-06-12 | We identify incremental learning dynamics in transformers, where the
difference between trained and initial weights progressively increases in rank.
We rigorously prove this occurs under the simplifying assumptions of diagonal
weight matrices and small initialization. Our experiments support the theory
and also show that phenomenon can occur in practice without the simplifying
assumptions. | null | cs.LG | [
"cs.LG"
] |
2205.14135 | AnswerAI | FlashAttention: Fast and Memory-Efficient Exact Attention with IO-Awareness | [
"Tri Dao",
"Daniel Y. Fu",
"Stefano Ermon",
"Atri Rudra",
"Christopher Ré"
] | 2022-05-27 | Transformers are slow and memory-hungry on long sequences, since the time and
memory complexity of self-attention are quadratic in sequence length.
Approximate attention methods have attempted to address this problem by trading
off model quality to reduce the compute complexity, but often do not achieve
wall-clock speedup. We argue that a missing principle is making attention
algorithms IO-aware -- accounting for reads and writes between levels of GPU
memory. We propose FlashAttention, an IO-aware exact attention algorithm that
uses tiling to reduce the number of memory reads/writes between GPU high
bandwidth memory (HBM) and GPU on-chip SRAM. We analyze the IO complexity of
FlashAttention, showing that it requires fewer HBM accesses than standard
attention, and is optimal for a range of SRAM sizes. We also extend
FlashAttention to block-sparse attention, yielding an approximate attention
algorithm that is faster than any existing approximate attention method.
FlashAttention trains Transformers faster than existing baselines: 15%
end-to-end wall-clock speedup on BERT-large (seq. length 512) compared to the
MLPerf 1.1 training speed record, 3$\times$ speedup on GPT-2 (seq. length 1K),
and 2.4$\times$ speedup on long-range arena (seq. length 1K-4K). FlashAttention
and block-sparse FlashAttention enable longer context in Transformers, yielding
higher quality models (0.7 better perplexity on GPT-2 and 6.4 points of lift on
long-document classification) and entirely new capabilities: the first
Transformers to achieve better-than-chance performance on the Path-X challenge
(seq. length 16K, 61.4% accuracy) and Path-256 (seq. length 64K, 63.1%
accuracy). | null | cs.LG | [
"cs.LG"
] |
2401.13974 | HF | BootPIG: Bootstrapping Zero-shot Personalized Image Generation Capabilities in Pretrained Diffusion Models | [
"Senthil Purushwalkam",
"Akash Gokul",
"Shafiq Joty",
"Nikhil Naik"
] | 2024-01-25 | Recent text-to-image generation models have demonstrated incredible success
in generating images that faithfully follow input prompts. However, the
requirement of using words to describe a desired concept provides limited
control over the appearance of the generated concepts. In this work, we address
this shortcoming by proposing an approach to enable personalization
capabilities in existing text-to-image diffusion models. We propose a novel
architecture (BootPIG) that allows a user to provide reference images of an
object in order to guide the appearance of a concept in the generated images.
The proposed BootPIG architecture makes minimal modifications to a pretrained
text-to-image diffusion model and utilizes a separate UNet model to steer the
generations toward the desired appearance. We introduce a training procedure
that allows us to bootstrap personalization capabilities in the BootPIG
architecture using data generated from pretrained text-to-image models, LLM
chat agents, and image segmentation models. In contrast to existing methods
that require several days of pretraining, the BootPIG architecture can be
trained in approximately 1 hour. Experiments on the DreamBooth dataset
demonstrate that BootPIG outperforms existing zero-shot methods while being
comparable with test-time finetuning approaches. Through a user study, we
validate the preference for BootPIG generations over existing methods both in
maintaining fidelity to the reference object's appearance and aligning with
textual prompts. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR"
] |
2408.03923 | HF | Fast Sprite Decomposition from Animated Graphics | [
"Tomoyuki Suzuki",
"Kotaro Kikuchi",
"Kota Yamaguchi"
] | 2024-08-07 | This paper presents an approach to decomposing animated graphics into
sprites, a set of basic elements or layers. Our approach builds on the
optimization of sprite parameters to fit the raster video. For efficiency, we
assume static textures for sprites to reduce the search space while preventing
artifacts using a texture prior model. To further speed up the optimization, we
introduce the initialization of the sprite parameters utilizing a pre-trained
video object segmentation model and user input of single frame annotations. For
our study, we construct the Crello Animation dataset from an online design
service and define quantitative metrics to measure the quality of the extracted
sprites. Experiments show that our method significantly outperforms baselines
for similar decomposition tasks in terms of the quality/efficiency tradeoff. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2406.19251 | HF | AutoRAG-HP: Automatic Online Hyper-Parameter Tuning for Retrieval-Augmented Generation | [
"Jia Fu",
"Xiaoting Qin",
"Fangkai Yang",
"Lu Wang",
"Jue Zhang",
"Qingwei Lin",
"Yubo Chen",
"Dongmei Zhang",
"Saravan Rajmohan",
"Qi Zhang"
] | 2024-06-27 | Recent advancements in Large Language Models have transformed ML/AI
development, necessitating a reevaluation of AutoML principles for the
Retrieval-Augmented Generation (RAG) systems. To address the challenges of
hyper-parameter optimization and online adaptation in RAG, we propose the
AutoRAG-HP framework, which formulates the hyper-parameter tuning as an online
multi-armed bandit (MAB) problem and introduces a novel two-level Hierarchical
MAB (Hier-MAB) method for efficient exploration of large search spaces. We
conduct extensive experiments on tuning hyper-parameters, such as top-k
retrieved documents, prompt compression ratio, and embedding methods, using the
ALCE-ASQA and Natural Questions datasets. Our evaluation from jointly
optimization all three hyper-parameters demonstrate that MAB-based online
learning methods can achieve Recall@5 $\approx 0.8$ for scenarios with
prominent gradients in search space, using only $\sim20\%$ of the LLM API calls
required by the Grid Search approach. Additionally, the proposed Hier-MAB
approach outperforms other baselines in more challenging optimization
scenarios. The code will be made available at https://aka.ms/autorag. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
1911.00172 | AnswerAI | Generalization through Memorization: Nearest Neighbor Language Models | [
"Urvashi Khandelwal",
"Omer Levy",
"Dan Jurafsky",
"Luke Zettlemoyer",
"Mike Lewis"
] | 2019-11-01 | We introduce $k$NN-LMs, which extend a pre-trained neural language model (LM)
by linearly interpolating it with a $k$-nearest neighbors ($k$NN) model. The
nearest neighbors are computed according to distance in the pre-trained LM
embedding space, and can be drawn from any text collection, including the
original LM training data. Applying this augmentation to a strong Wikitext-103
LM, with neighbors drawn from the original training set, our $k$NN-LM achieves
a new state-of-the-art perplexity of 15.79 - a 2.9 point improvement with no
additional training. We also show that this approach has implications for
efficiently scaling up to larger training sets and allows for effective domain
adaptation, by simply varying the nearest neighbor datastore, again without
further training. Qualitatively, the model is particularly helpful in
predicting rare patterns, such as factual knowledge. Together, these results
strongly suggest that learning similarity between sequences of text is easier
than predicting the next word, and that nearest neighbor search is an effective
approach for language modeling in the long tail. | null | cs.CL | [
"cs.CL"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.