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
|
---|---|---|---|---|---|---|---|---|
2402.11782 | AnswerAI | What Evidence Do Language Models Find Convincing? | [
"Alexander Wan",
"Eric Wallace",
"Dan Klein"
] | 2024-02-19 | Retrieval-augmented language models are being increasingly tasked with
subjective, contentious, and conflicting queries such as "is aspartame linked
to cancer". To resolve these ambiguous queries, one must search through a large
range of websites and consider "which, if any, of this evidence do I find
convincing?". In this work, we study how LLMs answer this question. In
particular, we construct ConflictingQA, a dataset that pairs controversial
queries with a series of real-world evidence documents that contain different
facts (e.g., quantitative results), argument styles (e.g., appeals to
authority), and answers (Yes or No). We use this dataset to perform sensitivity
and counterfactual analyses to explore which text features most affect LLM
predictions. Overall, we find that current models rely heavily on the relevance
of a website to the query, while largely ignoring stylistic features that
humans find important such as whether a text contains scientific references or
is written with a neutral tone. Taken together, these results highlight the
importance of RAG corpus quality (e.g., the need to filter misinformation), and
possibly even a shift in how LLMs are trained to better align with human
judgements. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2310.15169 | HF | FreeNoise: Tuning-Free Longer Video Diffusion via Noise Rescheduling | [
"Haonan Qiu",
"Menghan Xia",
"Yong Zhang",
"Yingqing He",
"Xintao Wang",
"Ying Shan",
"Ziwei Liu"
] | 2023-10-23 | With the availability of large-scale video datasets and the advances of
diffusion models, text-driven video generation has achieved substantial
progress. However, existing video generation models are typically trained on a
limited number of frames, resulting in the inability to generate high-fidelity
long videos during inference. Furthermore, these models only support
single-text conditions, whereas real-life scenarios often require multi-text
conditions as the video content changes over time. To tackle these challenges,
this study explores the potential of extending the text-driven capability to
generate longer videos conditioned on multiple texts. 1) We first analyze the
impact of initial noise in video diffusion models. Then building upon the
observation of noise, we propose FreeNoise, a tuning-free and time-efficient
paradigm to enhance the generative capabilities of pretrained video diffusion
models while preserving content consistency. Specifically, instead of
initializing noises for all frames, we reschedule a sequence of noises for
long-range correlation and perform temporal attention over them by window-based
function. 2) Additionally, we design a novel motion injection method to support
the generation of videos conditioned on multiple text prompts. Extensive
experiments validate the superiority of our paradigm in extending the
generative capabilities of video diffusion models. It is noteworthy that
compared with the previous best-performing method which brought about 255%
extra time cost, our method incurs only negligible time cost of approximately
17%. Generated video samples are available at our website:
http://haonanqiu.com/projects/FreeNoise.html. | null | cs.CV | [
"cs.CV"
] |
2402.13144 | HF | Neural Network Parameter Diffusion | [
"Kai Wang",
"Zhaopan Xu",
"Yukun Zhou",
"Zelin Zang",
"Trevor Darrell",
"Zhuang Liu",
"Yang You"
] | 2024-02-20 | Diffusion models have achieved remarkable success in image and video
generation. In this work, we demonstrate that diffusion models can also
\textit{generate high-performing neural network parameters}. Our approach is
simple, utilizing an autoencoder and a standard latent diffusion model. The
autoencoder extracts latent representations of a subset of the trained network
parameters. A diffusion model is then trained to synthesize these latent
parameter representations from random noise. It then generates new
representations that are passed through the autoencoder's decoder, whose
outputs are ready to use as new subsets of network parameters. Across various
architectures and datasets, our diffusion process consistently generates models
of comparable or improved performance over trained networks, with minimal
additional cost. Notably, we empirically find that the generated models are not
memorizing the trained networks. Our results encourage more exploration on the
versatile use of diffusion models. | null | cs.LG | [
"cs.LG",
"cs.CV"
] |
2403.10395 | HF | Isotropic3D: Image-to-3D Generation Based on a Single CLIP Embedding | [
"Pengkun Liu",
"Yikai Wang",
"Fuchun Sun",
"Jiafang Li",
"Hang Xiao",
"Hongxiang Xue",
"Xinzhou Wang"
] | 2024-03-15 | Encouraged by the growing availability of pre-trained 2D diffusion models,
image-to-3D generation by leveraging Score Distillation Sampling (SDS) is
making remarkable progress. Most existing methods combine novel-view lifting
from 2D diffusion models which usually take the reference image as a condition
while applying hard L2 image supervision at the reference view. Yet heavily
adhering to the image is prone to corrupting the inductive knowledge of the 2D
diffusion model leading to flat or distorted 3D generation frequently. In this
work, we reexamine image-to-3D in a novel perspective and present Isotropic3D,
an image-to-3D generation pipeline that takes only an image CLIP embedding as
input. Isotropic3D allows the optimization to be isotropic w.r.t. the azimuth
angle by solely resting on the SDS loss. The core of our framework lies in a
two-stage diffusion model fine-tuning. Firstly, we fine-tune a text-to-3D
diffusion model by substituting its text encoder with an image encoder, by
which the model preliminarily acquires image-to-image capabilities. Secondly,
we perform fine-tuning using our Explicit Multi-view Attention (EMA) which
combines noisy multi-view images with the noise-free reference image as an
explicit condition. CLIP embedding is sent to the diffusion model throughout
the whole process while reference images are discarded once after fine-tuning.
As a result, with a single image CLIP embedding, Isotropic3D is capable of
generating multi-view mutually consistent images and also a 3D model with more
symmetrical and neat content, well-proportioned geometry, rich colored texture,
and less distortion compared with existing image-to-3D methods while still
preserving the similarity to the reference image to a large extent. The project
page is available at https://isotropic3d.github.io/. The code and models are
available at https://github.com/pkunliu/Isotropic3D. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2309.10305 | HF | Baichuan 2: Open Large-scale Language Models | [
"Aiyuan Yang",
"Bin Xiao",
"Bingning Wang",
"Borong Zhang",
"Ce Bian",
"Chao Yin",
"Chenxu Lv",
"Da Pan",
"Dian Wang",
"Dong Yan",
"Fan Yang",
"Fei Deng",
"Feng Wang",
"Feng Liu",
"Guangwei Ai",
"Guosheng Dong",
"Haizhou Zhao",
"Hang Xu",
"Haoze Sun",
"Hongda Zhang",
"Hui Liu",
"Jiaming Ji",
"Jian Xie",
"JunTao Dai",
"Kun Fang",
"Lei Su",
"Liang Song",
"Lifeng Liu",
"Liyun Ru",
"Luyao Ma",
"Mang Wang",
"Mickel Liu",
"MingAn Lin",
"Nuolan Nie",
"Peidong Guo",
"Ruiyang Sun",
"Tao Zhang",
"Tianpeng Li",
"Tianyu Li",
"Wei Cheng",
"Weipeng Chen",
"Xiangrong Zeng",
"Xiaochuan Wang",
"Xiaoxi Chen",
"Xin Men",
"Xin Yu",
"Xuehai Pan",
"Yanjun Shen",
"Yiding Wang",
"Yiyu Li",
"Youxin Jiang",
"Yuchen Gao",
"Yupeng Zhang",
"Zenan Zhou",
"Zhiying Wu"
] | 2023-09-19 | Large language models (LLMs) have demonstrated remarkable performance on a
variety of natural language tasks based on just a few examples of natural
language instructions, reducing the need for extensive feature engineering.
However, most powerful LLMs are closed-source or limited in their capability
for languages other than English. In this technical report, we present Baichuan
2, a series of large-scale multilingual language models containing 7 billion
and 13 billion parameters, trained from scratch, on 2.6 trillion tokens.
Baichuan 2 matches or outperforms other open-source models of similar size on
public benchmarks like MMLU, CMMLU, GSM8K, and HumanEval. Furthermore, Baichuan
2 excels in vertical domains such as medicine and law. We will release all
pre-training model checkpoints to benefit the research community in better
understanding the training dynamics of Baichuan 2. | null | cs.CL | [
"cs.CL"
] |
2302.14017 | AnswerAI | Full Stack Optimization of Transformer Inference: a Survey | [
"Sehoon Kim",
"Coleman Hooper",
"Thanakul Wattanawong",
"Minwoo Kang",
"Ruohan Yan",
"Hasan Genc",
"Grace Dinh",
"Qijing Huang",
"Kurt Keutzer",
"Michael W. Mahoney",
"Yakun Sophia Shao",
"Amir Gholami"
] | 2023-02-27 | Recent advances in state-of-the-art DNN architecture design have been moving
toward Transformer models. These models achieve superior accuracy across a wide
range of applications. This trend has been consistent over the past several
years since Transformer models were originally introduced. However, the amount
of compute and bandwidth required for inference of recent Transformer models is
growing at a significant rate, and this has made their deployment in
latency-sensitive applications challenging. As such, there has been an
increased focus on making Transformer models more efficient, with methods that
range from changing the architecture design, all the way to developing
dedicated domain-specific accelerators. In this work, we survey different
approaches for efficient Transformer inference, including: (i) analysis and
profiling of the bottlenecks in existing Transformer architectures and their
similarities and differences with previous convolutional models; (ii)
implications of Transformer architecture on hardware, including the impact of
non-linear operations such as Layer Normalization, Softmax, and GELU, as well
as linear operations, on hardware design; (iii) approaches for optimizing a
fixed Transformer architecture; (iv) challenges in finding the right mapping
and scheduling of operations for Transformer models; and (v) approaches for
optimizing Transformer models by adapting the architecture using neural
architecture search. Finally, we perform a case study by applying the surveyed
optimizations on Gemmini, the open-source, full-stack DNN accelerator
generator, and we show how each of these approaches can yield improvements,
compared to previous benchmark results on Gemmini. Among other things, we find
that a full-stack co-design approach with the aforementioned methods can result
in up to 88.7x speedup with a minimal performance degradation for Transformer
inference. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2311.03354 | HF | CoVLM: Composing Visual Entities and Relationships in Large Language Models Via Communicative Decoding | [
"Junyan Li",
"Delin Chen",
"Yining Hong",
"Zhenfang Chen",
"Peihao Chen",
"Yikang Shen",
"Chuang Gan"
] | 2023-11-06 | A remarkable ability of human beings resides in compositional reasoning,
i.e., the capacity to make "infinite use of finite means". However, current
large vision-language foundation models (VLMs) fall short of such compositional
abilities due to their "bag-of-words" behaviors and inability to construct
words that correctly represent visual entities and the relations among the
entities. To this end, we propose CoVLM, which can guide the LLM to explicitly
compose visual entities and relationships among the text and dynamically
communicate with the vision encoder and detection network to achieve
vision-language communicative decoding. Specifically, we first devise a set of
novel communication tokens for the LLM, for dynamic communication between the
visual detection system and the language system. A communication token is
generated by the LLM following a visual entity or a relation, to inform the
detection network to propose regions that are relevant to the sentence
generated so far. The proposed regions-of-interests (ROIs) are then fed back
into the LLM for better language generation contingent on the relevant regions.
The LLM is thus able to compose the visual entities and relationships through
the communication tokens. The vision-to-language and language-to-vision
communication are iteratively performed until the entire sentence is generated.
Our framework seamlessly bridges the gap between visual perception and LLMs and
outperforms previous VLMs by a large margin on compositional reasoning
benchmarks (e.g., ~20% in HICO-DET mAP, ~14% in Cola top-1 accuracy, and ~3% on
ARO top-1 accuracy). We also achieve state-of-the-art performances on
traditional vision-language tasks such as referring expression comprehension
and visual question answering. | null | cs.CV | [
"cs.CV"
] |
2306.14435 | HF | DragDiffusion: Harnessing Diffusion Models for Interactive Point-based Image Editing | [
"Yujun Shi",
"Chuhui Xue",
"Jun Hao Liew",
"Jiachun Pan",
"Hanshu Yan",
"Wenqing Zhang",
"Vincent Y. F. Tan",
"Song Bai"
] | 2023-06-26 | Accurate and controllable image editing is a challenging task that has
attracted significant attention recently. Notably, DragGAN is an interactive
point-based image editing framework that achieves impressive editing results
with pixel-level precision. However, due to its reliance on generative
adversarial networks (GANs), its generality is limited by the capacity of
pretrained GAN models. In this work, we extend this editing framework to
diffusion models and propose a novel approach DragDiffusion. By harnessing
large-scale pretrained diffusion models, we greatly enhance the applicability
of interactive point-based editing on both real and diffusion-generated images.
Our approach involves optimizing the diffusion latents to achieve precise
spatial control. The supervision signal of this optimization process is from
the diffusion model's UNet features, which are known to contain rich semantic
and geometric information. Moreover, we introduce two additional techniques,
namely LoRA fine-tuning and latent-MasaCtrl, to further preserve the identity
of the original image. Lastly, we present a challenging benchmark dataset
called DragBench -- the first benchmark to evaluate the performance of
interactive point-based image editing methods. Experiments across a wide range
of challenging cases (e.g., images with multiple objects, diverse object
categories, various styles, etc.) demonstrate the versatility and generality of
DragDiffusion. Code: https://github.com/Yujun-Shi/DragDiffusion. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2407.06723 | HF | Graph-Based Captioning: Enhancing Visual Descriptions by Interconnecting Region Captions | [
"Yu-Guan Hsieh",
"Cheng-Yu Hsieh",
"Shih-Ying Yeh",
"Louis Béthune",
"Hadi Pour Ansari",
"Pavan Kumar Anasosalu Vasu",
"Chun-Liang Li",
"Ranjay Krishna",
"Oncel Tuzel",
"Marco Cuturi"
] | 2024-07-09 | Humans describe complex scenes with compositionality, using simple text
descriptions enriched with links and relationships. While vision-language
research has aimed to develop models with compositional understanding
capabilities, this is not reflected yet in existing datasets which, for the
most part, still use plain text to describe images. In this work, we propose a
new annotation strategy, graph-based captioning (GBC) that describes an image
using a labelled graph structure, with nodes of various types. The nodes in GBC
are created using, in a first stage, object detection and dense captioning
tools nested recursively to uncover and describe entity nodes, further linked
together in a second stage by highlighting, using new types of nodes,
compositions and relations among entities. Since all GBC nodes hold plain text
descriptions, GBC retains the flexibility found in natural language, but can
also encode hierarchical information in its edges. We demonstrate that GBC can
be produced automatically, using off-the-shelf multimodal LLMs and
open-vocabulary detection models, by building a new dataset, GBC10M, gathering
GBC annotations for about 10M images of the CC12M dataset. We use GBC10M to
showcase the wealth of node captions uncovered by GBC, as measured with CLIP
training. We show that using GBC nodes' annotations -- notably those stored in
composition and relation nodes -- results in significant performance boost on
downstream models when compared to other dataset formats. To further explore
the opportunities provided by GBC, we also propose a new attention mechanism
that can leverage the entire GBC graph, with encouraging experimental results
that show the extra benefits of incorporating the graph structure. Our datasets
are released at \url{https://huggingface.co/graph-based-captions}. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2402.06859 | HF | LiRank: Industrial Large Scale Ranking Models at LinkedIn | [
"Fedor Borisyuk",
"Mingzhou Zhou",
"Qingquan Song",
"Siyu Zhu",
"Birjodh Tiwana",
"Ganesh Parameswaran",
"Siddharth Dangi",
"Lars Hertel",
"Qiang Xiao",
"Xiaochen Hou",
"Yunbo Ouyang",
"Aman Gupta",
"Sheallika Singh",
"Dan Liu",
"Hailing Cheng",
"Lei Le",
"Jonathan Hung",
"Sathiya Keerthi",
"Ruoyan Wang",
"Fengyu Zhang",
"Mohit Kothari",
"Chen Zhu",
"Daqi Sun",
"Yun Dai",
"Xun Luan",
"Sirou Zhu",
"Zhiwei Wang",
"Neil Daftary",
"Qianqi Shen",
"Chengming Jiang",
"Haichao Wei",
"Maneesh Varshney",
"Amol Ghoting",
"Souvik Ghosh"
] | 2024-02-10 | We present LiRank, a large-scale ranking framework at LinkedIn that brings to
production state-of-the-art modeling architectures and optimization methods. We
unveil several modeling improvements, including Residual DCN, which adds
attention and residual connections to the famous DCNv2 architecture. We share
insights into combining and tuning SOTA architectures to create a unified
model, including Dense Gating, Transformers and Residual DCN. We also propose
novel techniques for calibration and describe how we productionalized deep
learning based explore/exploit methods. To enable effective, production-grade
serving of large ranking models, we detail how to train and compress models
using quantization and vocabulary compression. We provide details about the
deployment setup for large-scale use cases of Feed ranking, Jobs
Recommendations, and Ads click-through rate (CTR) prediction. We summarize our
learnings from various A/B tests by elucidating the most effective technical
approaches. These ideas have contributed to relative metrics improvements
across the board at LinkedIn: +0.5% member sessions in the Feed, +1.76%
qualified job applications for Jobs search and recommendations, and +4.3% for
Ads CTR. We hope this work can provide practical insights and solutions for
practitioners interested in leveraging large-scale deep ranking systems. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.IR",
"H.3.3"
] |
2408.10764 | HF | Predicting Rewards Alongside Tokens: Non-disruptive Parameter Insertion for Efficient Inference Intervention in Large Language Model | [
"Chenhan Yuan",
"Fei Huang",
"Ru Peng",
"Keming Lu",
"Bowen Yu",
"Chang Zhou",
"Jingren Zhou"
] | 2024-08-20 | Transformer-based large language models (LLMs) exhibit limitations such as
generating unsafe responses, unreliable reasoning, etc. Existing inference
intervention approaches attempt to mitigate these issues by finetuning
additional models to produce calibration signals (such as rewards) that guide
the LLM's decoding process. However, this solution introduces substantial time
and space overhead due to the separate models required. This work proposes
Non-disruptive parameters insertion (Otter), inserting extra parameters into
the transformer architecture to predict calibration signals along with the
original LLM output. Otter offers state-of-the-art performance on multiple
demanding tasks while saving up to 86.5\% extra space and 98.5\% extra time.
Furthermore, Otter seamlessly integrates with existing inference engines,
requiring only a one-line code change, and the original model response remains
accessible after the parameter insertion. Our code is publicly available at
\url{https://github.com/chenhan97/Otter} | null | cs.CL | [
"cs.CL"
] |
2406.11687 | HF | Tokenization Falling Short: The Curse of Tokenization | [
"Yekun Chai",
"Yewei Fang",
"Qiwei Peng",
"Xuhong Li"
] | 2024-06-17 | Language models typically tokenize raw text into sequences of subword
identifiers from a predefined vocabulary, a process inherently sensitive to
typographical errors, length variations, and largely oblivious to the internal
structure of tokens-issues we term the curse of tokenization. In this study, we
delve into these drawbacks and demonstrate that large language models (LLMs)
remain susceptible to these problems. This study systematically investigates
these challenges and their impact on LLMs through three critical research
questions: (1) complex problem solving, (2) token structure probing, and (3)
resilience to typographical variation. Our findings reveal that scaling model
parameters can mitigate the issue of tokenization; however, LLMs still suffer
from biases induced by typos and other text format variations. Our experiments
show that subword regularization such as BPE-dropout can mitigate this issue.
We will release our code and data to facilitate further research. | null | cs.CL | [
"cs.CL"
] |
2405.19327 | HF | MAP-Neo: Highly Capable and Transparent Bilingual Large Language Model Series | [
"Ge Zhang",
"Scott Qu",
"Jiaheng Liu",
"Chenchen Zhang",
"Chenghua Lin",
"Chou Leuang Yu",
"Danny Pan",
"Esther Cheng",
"Jie Liu",
"Qunshu Lin",
"Raven Yuan",
"Tuney Zheng",
"Wei Pang",
"Xinrun Du",
"Yiming Liang",
"Yinghao Ma",
"Yizhi Li",
"Ziyang Ma",
"Bill Lin",
"Emmanouil Benetos",
"Huan Yang",
"Junting Zhou",
"Kaijing Ma",
"Minghao Liu",
"Morry Niu",
"Noah Wang",
"Quehry Que",
"Ruibo Liu",
"Sine Liu",
"Shawn Guo",
"Soren Gao",
"Wangchunshu Zhou",
"Xinyue Zhang",
"Yizhi Zhou",
"Yubo Wang",
"Yuelin Bai",
"Yuhan Zhang",
"Yuxiang Zhang",
"Zenith Wang",
"Zhenzhu Yang",
"Zijian Zhao",
"Jiajun Zhang",
"Wanli Ouyang",
"Wenhao Huang",
"Wenhu Chen"
] | 2024-05-29 | Large Language Models (LLMs) have made great strides in recent years to
achieve unprecedented performance across different tasks. However, due to
commercial interest, the most competitive models like GPT, Gemini, and Claude
have been gated behind proprietary interfaces without disclosing the training
details. Recently, many institutions have open-sourced several strong LLMs like
LLaMA-3, comparable to existing closed-source LLMs. However, only the model's
weights are provided with most details (e.g., intermediate checkpoints,
pre-training corpus, and training code, etc.) being undisclosed. To improve the
transparency of LLMs, the research community has formed to open-source truly
open LLMs (e.g., Pythia, Amber, OLMo), where more details (e.g., pre-training
corpus and training code) are being provided. These models have greatly
advanced the scientific study of these large models including their strengths,
weaknesses, biases and risks. However, we observe that the existing truly open
LLMs on reasoning, knowledge, and coding tasks are still inferior to existing
state-of-the-art LLMs with similar model sizes. To this end, we open-source
MAP-Neo, a highly capable and transparent bilingual language model with 7B
parameters trained from scratch on 4.5T high-quality tokens. Our MAP-Neo is the
first fully open-sourced bilingual LLM with comparable performance compared to
existing state-of-the-art LLMs. Moreover, we open-source all details to
reproduce our MAP-Neo, where the cleaned pre-training corpus, data cleaning
pipeline, checkpoints, and well-optimized training/evaluation framework are
provided. Finally, we hope our MAP-Neo will enhance and strengthen the open
research community and inspire more innovations and creativities to facilitate
the further improvements of LLMs. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2107.02027 | AnswerAI | Efficient Sequence Packing without Cross-contamination: Accelerating Large Language Models without Impacting Performance | [
"Mario Michael Krell",
"Matej Kosec",
"Sergio P. Perez",
"Andrew Fitzgibbon"
] | 2021-06-29 | Effective training of today's large language models (LLMs) depends on large
batches and long sequences for throughput and accuracy. To handle
variable-length sequences on hardware accelerators, it is common practice to
introduce padding tokens, so that all sequences in a batch have the same
length. We show in this paper that the variation in sequence lengths in common
NLP datasets is such that up to 50% of all tokens can be padding. In less
common, but not extreme, cases (e.g. GLUE-cola with sequence length 128), the
ratio is up to 89%. Existing methods to address the resulting inefficiency are
complicated by the need to avoid cross-contamination in self-attention, by a
reduction in accuracy when sequence ordering information is lost, or by
customized kernel implementations only valid for specific accelerators. This
paper introduces a new formalization of sequence packing in the context of the
well-studied bin packing problem, and presents new algorithms based on this
formulation which, for example, confer a 2x speedup for phase 2 pre-training in
BERT. We show how existing models can be adapted to ensure mathematical
equivalence between the original and packed models, meaning that packed models
can be trained with existing pre-training and fine-tuning practices. | null | cs.CL | [
"cs.CL",
"cs.CC",
"cs.IT",
"cs.LG",
"math.IT",
"05-08",
"I.2.7; G.2.1"
] |
2306.08647 | HF | Language to Rewards for Robotic Skill Synthesis | [
"Wenhao Yu",
"Nimrod Gileadi",
"Chuyuan Fu",
"Sean Kirmani",
"Kuang-Huei Lee",
"Montse Gonzalez Arenas",
"Hao-Tien Lewis Chiang",
"Tom Erez",
"Leonard Hasenclever",
"Jan Humplik",
"Brian Ichter",
"Ted Xiao",
"Peng Xu",
"Andy Zeng",
"Tingnan Zhang",
"Nicolas Heess",
"Dorsa Sadigh",
"Jie Tan",
"Yuval Tassa",
"Fei Xia"
] | 2023-06-14 | Large language models (LLMs) have demonstrated exciting progress in acquiring
diverse new capabilities through in-context learning, ranging from logical
reasoning to code-writing. Robotics researchers have also explored using LLMs
to advance the capabilities of robotic control. However, since low-level robot
actions are hardware-dependent and underrepresented in LLM training corpora,
existing efforts in applying LLMs to robotics have largely treated LLMs as
semantic planners or relied on human-engineered control primitives to interface
with the robot. On the other hand, reward functions are shown to be flexible
representations that can be optimized for control policies to achieve diverse
tasks, while their semantic richness makes them suitable to be specified by
LLMs. In this work, we introduce a new paradigm that harnesses this realization
by utilizing LLMs to define reward parameters that can be optimized and
accomplish variety of robotic tasks. Using reward as the intermediate interface
generated by LLMs, we can effectively bridge the gap between high-level
language instructions or corrections to low-level robot actions. Meanwhile,
combining this with a real-time optimizer, MuJoCo MPC, empowers an interactive
behavior creation experience where users can immediately observe the results
and provide feedback to the system. To systematically evaluate the performance
of our proposed method, we designed a total of 17 tasks for a simulated
quadruped robot and a dexterous manipulator robot. We demonstrate that our
proposed method reliably tackles 90% of the designed tasks, while a baseline
using primitive skills as the interface with Code-as-policies achieves 50% of
the tasks. We further validated our method on a real robot arm where complex
manipulation skills such as non-prehensile pushing emerge through our
interactive system. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.LG"
] |
1804.11188 | AnswerAI | Can recurrent neural networks warp time? | [
"Corentin Tallec",
"Yann Ollivier"
] | 2018-03-23 | Successful recurrent models such as long short-term memories (LSTMs) and
gated recurrent units (GRUs) use ad hoc gating mechanisms. Empirically these
models have been found to improve the learning of medium to long term temporal
dependencies and to help with vanishing gradient issues. We prove that
learnable gates in a recurrent model formally provide quasi- invariance to
general time transformations in the input data. We recover part of the LSTM
architecture from a simple axiomatic approach. This result leads to a new way
of initializing gate biases in LSTMs and GRUs. Ex- perimentally, this new
chrono initialization is shown to greatly improve learning of long term
dependencies, with minimal implementation effort. | null | cs.LG | [
"cs.LG",
"cs.NE",
"stat.ML"
] |
1801.07698 | AnswerAI | ArcFace: Additive Angular Margin Loss for Deep Face Recognition | [
"Jiankang Deng",
"Jia Guo",
"Jing Yang",
"Niannan Xue",
"Irene Kotsia",
"Stefanos Zafeiriou"
] | 2018-01-23 | Recently, a popular line of research in face recognition is adopting margins
in the well-established softmax loss function to maximize class separability.
In this paper, we first introduce an Additive Angular Margin Loss (ArcFace),
which not only has a clear geometric interpretation but also significantly
enhances the discriminative power. Since ArcFace is susceptible to the massive
label noise, we further propose sub-center ArcFace, in which each class
contains $K$ sub-centers and training samples only need to be close to any of
the $K$ positive sub-centers. Sub-center ArcFace encourages one dominant
sub-class that contains the majority of clean faces and non-dominant
sub-classes that include hard or noisy faces. Based on this self-propelled
isolation, we boost the performance through automatically purifying raw web
faces under massive real-world noise. Besides discriminative feature embedding,
we also explore the inverse problem, mapping feature vectors to face images.
Without training any additional generator or discriminator, the pre-trained
ArcFace model can generate identity-preserved face images for both subjects
inside and outside the training data only by using the network gradient and
Batch Normalization (BN) priors. Extensive experiments demonstrate that ArcFace
can enhance the discriminative feature embedding as well as strengthen the
generative face synthesis. | 10.1109/TPAMI.2021.3087709 | cs.CV | [
"cs.CV"
] |
2312.16171 | HF | Principled Instructions Are All You Need for Questioning LLaMA-1/2, GPT-3.5/4 | [
"Sondos Mahmoud Bsharat",
"Aidar Myrzakhan",
"Zhiqiang Shen"
] | 2023-12-26 | This paper introduces 26 guiding principles designed to streamline the
process of querying and prompting large language models. Our goal is to
simplify the underlying concepts of formulating questions for various scales of
large language models, examining their abilities, and enhancing user
comprehension on the behaviors of different scales of large language models
when feeding into different prompts. Extensive experiments are conducted on
LLaMA-1/2 (7B, 13B and 70B), GPT-3.5/4 to verify the effectiveness of the
proposed principles on instructions and prompts design. We hope that this work
can provide a better guide for researchers working on the prompting of large
language models. Project page is available at
https://github.com/VILA-Lab/ATLAS. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.04840 | HF | mPLUG-Owl3: Towards Long Image-Sequence Understanding in Multi-Modal Large Language Models | [
"Jiabo Ye",
"Haiyang Xu",
"Haowei Liu",
"Anwen Hu",
"Ming Yan",
"Qi Qian",
"Ji Zhang",
"Fei Huang",
"Jingren Zhou"
] | 2024-08-09 | Multi-modal Large Language Models (MLLMs) have demonstrated remarkable
capabilities in executing instructions for a variety of single-image tasks.
Despite this progress, significant challenges remain in modeling long image
sequences. In this work, we introduce the versatile multi-modal large language
model, mPLUG-Owl3, which enhances the capability for long image-sequence
understanding in scenarios that incorporate retrieved image-text knowledge,
interleaved image-text, and lengthy videos. Specifically, we propose novel
hyper attention blocks to efficiently integrate vision and language into a
common language-guided semantic space, thereby facilitating the processing of
extended multi-image scenarios. Extensive experimental results suggest that
mPLUG-Owl3 achieves state-of-the-art performance among models with a similar
size on single-image, multi-image, and video benchmarks. Moreover, we propose a
challenging long visual sequence evaluation named Distractor Resistance to
assess the ability of models to maintain focus amidst distractions. Finally,
with the proposed architecture, mPLUG-Owl3 demonstrates outstanding performance
on ultra-long visual sequence inputs. We hope that mPLUG-Owl3 can contribute to
the development of more efficient and powerful multimodal large language
models. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2404.09990 | HF | HQ-Edit: A High-Quality Dataset for Instruction-based Image Editing | [
"Mude Hui",
"Siwei Yang",
"Bingchen Zhao",
"Yichun Shi",
"Heng Wang",
"Peng Wang",
"Yuyin Zhou",
"Cihang Xie"
] | 2024-04-15 | This study introduces HQ-Edit, a high-quality instruction-based image editing
dataset with around 200,000 edits. Unlike prior approaches relying on attribute
guidance or human feedback on building datasets, we devise a scalable data
collection pipeline leveraging advanced foundation models, namely GPT-4V and
DALL-E 3. To ensure its high quality, diverse examples are first collected
online, expanded, and then used to create high-quality diptychs featuring input
and output images with detailed text prompts, followed by precise alignment
ensured through post-processing. In addition, we propose two evaluation
metrics, Alignment and Coherence, to quantitatively assess the quality of image
edit pairs using GPT-4V. HQ-Edits high-resolution images, rich in detail and
accompanied by comprehensive editing prompts, substantially enhance the
capabilities of existing image editing models. For example, an HQ-Edit
finetuned InstructPix2Pix can attain state-of-the-art image editing
performance, even surpassing those models fine-tuned with human-annotated data.
The project page is https://thefllood.github.io/HQEdit_web. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2312.00858 | HF | DeepCache: Accelerating Diffusion Models for Free | [
"Xinyin Ma",
"Gongfan Fang",
"Xinchao Wang"
] | 2023-12-01 | Diffusion models have recently gained unprecedented attention in the field of
image synthesis due to their remarkable generative capabilities.
Notwithstanding their prowess, these models often incur substantial
computational costs, primarily attributed to the sequential denoising process
and cumbersome model size. Traditional methods for compressing diffusion models
typically involve extensive retraining, presenting cost and feasibility
challenges. In this paper, we introduce DeepCache, a novel training-free
paradigm that accelerates diffusion models from the perspective of model
architecture. DeepCache capitalizes on the inherent temporal redundancy
observed in the sequential denoising steps of diffusion models, which caches
and retrieves features across adjacent denoising stages, thereby curtailing
redundant computations. Utilizing the property of the U-Net, we reuse the
high-level features while updating the low-level features in a very cheap way.
This innovative strategy, in turn, enables a speedup factor of 2.3$\times$ for
Stable Diffusion v1.5 with only a 0.05 decline in CLIP Score, and 4.1$\times$
for LDM-4-G with a slight decrease of 0.22 in FID on ImageNet. Our experiments
also demonstrate DeepCache's superiority over existing pruning and distillation
methods that necessitate retraining and its compatibility with current sampling
techniques. Furthermore, we find that under the same throughput, DeepCache
effectively achieves comparable or even marginally improved results with DDIM
or PLMS. The code is available at https://github.com/horseee/DeepCache | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2309.11497 | HF | FreeU: Free Lunch in Diffusion U-Net | [
"Chenyang Si",
"Ziqi Huang",
"Yuming Jiang",
"Ziwei Liu"
] | 2023-09-20 | In this paper, we uncover the untapped potential of diffusion U-Net, which
serves as a "free lunch" that substantially improves the generation quality on
the fly. We initially investigate the key contributions of the U-Net
architecture to the denoising process and identify that its main backbone
primarily contributes to denoising, whereas its skip connections mainly
introduce high-frequency features into the decoder module, causing the network
to overlook the backbone semantics. Capitalizing on this discovery, we propose
a simple yet effective method-termed "FreeU" - that enhances generation quality
without additional training or finetuning. Our key insight is to strategically
re-weight the contributions sourced from the U-Net's skip connections and
backbone feature maps, to leverage the strengths of both components of the
U-Net architecture. Promising results on image and video generation tasks
demonstrate that our FreeU can be readily integrated to existing diffusion
models, e.g., Stable Diffusion, DreamBooth, ModelScope, Rerender and ReVersion,
to improve the generation quality with only a few lines of code. All you need
is to adjust two scaling factors during inference. Project page:
https://chenyangsi.top/FreeU/. | null | cs.CV | [
"cs.CV"
] |
2306.08129 | HF | AVIS: Autonomous Visual Information Seeking with Large Language Model Agent | [
"Ziniu Hu",
"Ahmet Iscen",
"Chen Sun",
"Kai-Wei Chang",
"Yizhou Sun",
"David A Ross",
"Cordelia Schmid",
"Alireza Fathi"
] | 2023-06-13 | In this paper, we propose an autonomous information seeking visual question
answering framework, AVIS. Our method leverages a Large Language Model (LLM) to
dynamically strategize the utilization of external tools and to investigate
their outputs, thereby acquiring the indispensable knowledge needed to provide
answers to the posed questions. Responding to visual questions that necessitate
external knowledge, such as "What event is commemorated by the building
depicted in this image?", is a complex task. This task presents a combinatorial
search space that demands a sequence of actions, including invoking APIs,
analyzing their responses, and making informed decisions. We conduct a user
study to collect a variety of instances of human decision-making when faced
with this task. This data is then used to design a system comprised of three
components: an LLM-powered planner that dynamically determines which tool to
use next, an LLM-powered reasoner that analyzes and extracts key information
from the tool outputs, and a working memory component that retains the acquired
information throughout the process. The collected user behavior serves as a
guide for our system in two key ways. First, we create a transition graph by
analyzing the sequence of decisions made by users. This graph delineates
distinct states and confines the set of actions available at each state.
Second, we use examples of user decision-making to provide our LLM-powered
planner and reasoner with relevant contextual instances, enhancing their
capacity to make informed decisions. We show that AVIS achieves
state-of-the-art results on knowledge-intensive visual question answering
benchmarks such as Infoseek and OK-VQA. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL"
] |
2308.15560 | HF | WeatherBench 2: A benchmark for the next generation of data-driven global weather models | [
"Stephan Rasp",
"Stephan Hoyer",
"Alexander Merose",
"Ian Langmore",
"Peter Battaglia",
"Tyler Russel",
"Alvaro Sanchez-Gonzalez",
"Vivian Yang",
"Rob Carver",
"Shreya Agrawal",
"Matthew Chantry",
"Zied Ben Bouallegue",
"Peter Dueben",
"Carla Bromberg",
"Jared Sisk",
"Luke Barrington",
"Aaron Bell",
"Fei Sha"
] | 2023-08-29 | WeatherBench 2 is an update to the global, medium-range (1-14 day) weather
forecasting benchmark proposed by Rasp et al. (2020), designed with the aim to
accelerate progress in data-driven weather modeling. WeatherBench 2 consists of
an open-source evaluation framework, publicly available training, ground truth
and baseline data as well as a continuously updated website with the latest
metrics and state-of-the-art models:
https://sites.research.google/weatherbench. This paper describes the design
principles of the evaluation framework and presents results for current
state-of-the-art physical and data-driven weather models. The metrics are based
on established practices for evaluating weather forecasts at leading
operational weather centers. We define a set of headline scores to provide an
overview of model performance. In addition, we also discuss caveats in the
current evaluation setup and challenges for the future of data-driven weather
forecasting. | null | physics.ao-ph | [
"physics.ao-ph",
"cs.AI"
] |
2112.09332 | AnswerAI | WebGPT: Browser-assisted question-answering with human feedback | [
"Reiichiro Nakano",
"Jacob Hilton",
"Suchir Balaji",
"Jeff Wu",
"Long Ouyang",
"Christina Kim",
"Christopher Hesse",
"Shantanu Jain",
"Vineet Kosaraju",
"William Saunders",
"Xu Jiang",
"Karl Cobbe",
"Tyna Eloundou",
"Gretchen Krueger",
"Kevin Button",
"Matthew Knight",
"Benjamin Chess",
"John Schulman"
] | 2021-12-17 | We fine-tune GPT-3 to answer long-form questions using a text-based
web-browsing environment, which allows the model to search and navigate the
web. By setting up the task so that it can be performed by humans, we are able
to train models on the task using imitation learning, and then optimize answer
quality with human feedback. To make human evaluation of factual accuracy
easier, models must collect references while browsing in support of their
answers. We train and evaluate our models on ELI5, a dataset of questions asked
by Reddit users. Our best model is obtained by fine-tuning GPT-3 using behavior
cloning, and then performing rejection sampling against a reward model trained
to predict human preferences. This model's answers are preferred by humans 56%
of the time to those of our human demonstrators, and 69% of the time to the
highest-voted answer from Reddit. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2405.00983 | HF | LLM-AD: Large Language Model based Audio Description System | [
"Peng Chu",
"Jiang Wang",
"Andre Abrantes"
] | 2024-05-02 | The development of Audio Description (AD) has been a pivotal step forward in
making video content more accessible and inclusive. Traditionally, AD
production has demanded a considerable amount of skilled labor, while existing
automated approaches still necessitate extensive training to integrate
multimodal inputs and tailor the output from a captioning style to an AD style.
In this paper, we introduce an automated AD generation pipeline that harnesses
the potent multimodal and instruction-following capacities of GPT-4V(ision).
Notably, our methodology employs readily available components, eliminating the
need for additional training. It produces ADs that not only comply with
established natural language AD production standards but also maintain
contextually consistent character information across frames, courtesy of a
tracking-based character recognition module. A thorough analysis on the MAD
dataset reveals that our approach achieves a performance on par with
learning-based methods in automated AD production, as substantiated by a CIDEr
score of 20.5. | null | cs.CV | [
"cs.CV"
] |
2307.09112 | HF | NU-MCC: Multiview Compressive Coding with Neighborhood Decoder and Repulsive UDF | [
"Stefan Lionar",
"Xiangyu Xu",
"Min Lin",
"Gim Hee Lee"
] | 2023-07-18 | Remarkable progress has been made in 3D reconstruction from single-view RGB-D
inputs. MCC is the current state-of-the-art method in this field, which
achieves unprecedented success by combining vision Transformers with
large-scale training. However, we identified two key limitations of MCC: 1) The
Transformer decoder is inefficient in handling large number of query points; 2)
The 3D representation struggles to recover high-fidelity details. In this
paper, we propose a new approach called NU-MCC that addresses these
limitations. NU-MCC includes two key innovations: a Neighborhood decoder and a
Repulsive Unsigned Distance Function (Repulsive UDF). First, our Neighborhood
decoder introduces center points as an efficient proxy of input visual
features, allowing each query point to only attend to a small neighborhood.
This design not only results in much faster inference speed but also enables
the exploitation of finer-scale visual features for improved recovery of 3D
textures. Second, our Repulsive UDF is a novel alternative to the occupancy
field used in MCC, significantly improving the quality of 3D object
reconstruction. Compared to standard UDFs that suffer from holes in results,
our proposed Repulsive UDF can achieve more complete surface reconstruction.
Experimental results demonstrate that NU-MCC is able to learn a strong 3D
representation, significantly advancing the state of the art in single-view 3D
reconstruction. Particularly, it outperforms MCC by 9.7% in terms of the
F1-score on the CO3D-v2 dataset with more than 5x faster running speed. | null | cs.CV | [
"cs.CV"
] |
2311.06242 | HF | Florence-2: Advancing a Unified Representation for a Variety of Vision Tasks | [
"Bin Xiao",
"Haiping Wu",
"Weijian Xu",
"Xiyang Dai",
"Houdong Hu",
"Yumao Lu",
"Michael Zeng",
"Ce Liu",
"Lu Yuan"
] | 2023-11-10 | We introduce Florence-2, a novel vision foundation model with a unified,
prompt-based representation for a variety of computer vision and
vision-language tasks. While existing large vision models excel in transfer
learning, they struggle to perform a diversity of tasks with simple
instructions, a capability that implies handling the complexity of various
spatial hierarchy and semantic granularity. Florence-2 was designed to take
text-prompt as task instructions and generate desirable results in text forms,
whether it be captioning, object detection, grounding or segmentation. This
multi-task learning setup demands large-scale, high-quality annotated data. To
this end, we co-developed FLD-5B that consists of 5.4 billion comprehensive
visual annotations on 126 million images, using an iterative strategy of
automated image annotation and model refinement. We adopted a
sequence-to-sequence structure to train Florence-2 to perform versatile and
comprehensive vision tasks. Extensive evaluations on numerous tasks
demonstrated Florence-2 to be a strong vision foundation model contender with
unprecedented zero-shot and fine-tuning capabilities. | null | cs.CV | [
"cs.CV"
] |
2305.19118 | AnswerAI | Encouraging Divergent Thinking in Large Language Models through Multi-Agent Debate | [
"Tian Liang",
"Zhiwei He",
"Wenxiang Jiao",
"Xing Wang",
"Rui Wang",
"Yujiu Yang",
"Zhaopeng Tu",
"Shuming Shi"
] | 2023-05-30 | Modern large language models (LLMs) like ChatGPT have shown remarkable
performance on general language tasks but still struggle on complex reasoning
tasks, which drives the research on cognitive behaviors of LLMs to explore
human-like problem-solving strategies. Along this direction, one representative
strategy is self-reflection, which asks an LLM to refine the solution with the
feedback generated by itself iteratively. However, our study shows that such
reflection-style methods suffer from the Degeneration-of-Thought (DoT) problem:
once the LLM has established confidence in its solutions, it is unable to
generate novel thoughts later through reflection even if its initial stance is
incorrect. To address the DoT problem, we propose a Multi-Agent Debate (MAD)
framework, in which multiple agents express their arguments in the state of
"tit for tat" and a judge manages the debate process to obtain a final
solution. Clearly, our MAD framework encourages divergent thinking in LLMs
which would be helpful for tasks that require deep levels of contemplation.
Experiment results on two challenging datasets, commonsense machine translation
and counter-intuitive arithmetic reasoning, demonstrate the effectiveness of
our MAD framework. Extensive analyses suggest that the adaptive break of debate
and the modest level of "tit for tat" state are required for MAD to obtain good
performance. Moreover, we find that LLMs might not be a fair judge if different
LLMs are used for agents. Code is available at
https://github.com/Skytliang/Multi-Agents-Debate. | null | cs.CL | [
"cs.CL"
] |
2305.06972 | AnswerAI | Spear Phishing With Large Language Models | [
"Julian Hazell"
] | 2023-05-11 | Recent progress in artificial intelligence (AI), particularly in the domain
of large language models (LLMs), has resulted in powerful and versatile
dual-use systems. This intelligence can be put towards a wide variety of
beneficial tasks, yet it can also be used to cause harm. This study explores
one such harm by examining how LLMs can be used for spear phishing, a form of
cybercrime that involves manipulating targets into divulging sensitive
information. I first explore LLMs' ability to assist with the reconnaissance
and message generation stages of a spear phishing attack, where I find that
LLMs are capable of assisting with the email generation phase of a spear
phishing attack. To explore how LLMs could potentially be harnessed to scale
spear phishing campaigns, I then create unique spear phishing messages for over
600 British Members of Parliament using OpenAI's GPT-3.5 and GPT-4 models. My
findings provide some evidence that these messages are not only realistic but
also cost-effective, with each email costing only a fraction of a cent to
generate. Next, I demonstrate how basic prompt engineering can circumvent
safeguards installed in LLMs, highlighting the need for further research into
robust interventions that can help prevent models from being misused. To
further address these evolving risks, I explore two potential solutions:
structured access schemes, such as application programming interfaces, and
LLM-based defensive systems. | null | cs.CY | [
"cs.CY",
"cs.AI",
"cs.CR"
] |
2110.02861 | AnswerAI | 8-bit Optimizers via Block-wise Quantization | [
"Tim Dettmers",
"Mike Lewis",
"Sam Shleifer",
"Luke Zettlemoyer"
] | 2021-10-06 | Stateful optimizers maintain gradient statistics over time, e.g., the
exponentially smoothed sum (SGD with momentum) or squared sum (Adam) of past
gradient values. This state can be used to accelerate optimization compared to
plain stochastic gradient descent but uses memory that might otherwise be
allocated to model parameters, thereby limiting the maximum size of models
trained in practice. In this paper, we develop the first optimizers that use
8-bit statistics while maintaining the performance levels of using 32-bit
optimizer states. To overcome the resulting computational, quantization, and
stability challenges, we develop block-wise dynamic quantization. Block-wise
quantization divides input tensors into smaller blocks that are independently
quantized. Each block is processed in parallel across cores, yielding faster
optimization and high precision quantization. To maintain stability and
performance, we combine block-wise quantization with two additional changes:
(1) dynamic quantization, a form of non-linear optimization that is precise for
both large and small magnitude values, and (2) a stable embedding layer to
reduce gradient variance that comes from the highly non-uniform distribution of
input tokens in language models. As a result, our 8-bit optimizers maintain
32-bit performance with a small fraction of the memory footprint on a range of
tasks, including 1.5B parameter language modeling, GLUE finetuning, ImageNet
classification, WMT'14 machine translation, MoCo v2 contrastive ImageNet
pretraining+finetuning, and RoBERTa pretraining, without changes to the
original optimizer hyperparameters. We open-source our 8-bit optimizers as a
drop-in replacement that only requires a two-line code change. | null | cs.LG | [
"cs.LG"
] |
2312.11396 | HF | MAG-Edit: Localized Image Editing in Complex Scenarios via Mask-Based Attention-Adjusted Guidance | [
"Qi Mao",
"Lan Chen",
"Yuchao Gu",
"Zhen Fang",
"Mike Zheng Shou"
] | 2023-12-18 | Recent diffusion-based image editing approaches have exhibited impressive
editing capabilities in images with simple compositions. However, localized
editing in complex scenarios has not been well-studied in the literature,
despite its growing real-world demands. Existing mask-based inpainting methods
fall short of retaining the underlying structure within the edit region.
Meanwhile, mask-free attention-based methods often exhibit editing leakage and
misalignment in more complex compositions. In this work, we develop MAG-Edit, a
training-free, inference-stage optimization method, which enables localized
image editing in complex scenarios. In particular, MAG-Edit optimizes the noise
latent feature in diffusion models by maximizing two mask-based cross-attention
constraints of the edit token, which in turn gradually enhances the local
alignment with the desired prompt. Extensive quantitative and qualitative
experiments demonstrate the effectiveness of our method in achieving both text
alignment and structure preservation for localized editing within complex
scenarios. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2401.12179 | HF | DITTO: Diffusion Inference-Time T-Optimization for Music Generation | [
"Zachary Novack",
"Julian McAuley",
"Taylor Berg-Kirkpatrick",
"Nicholas J. Bryan"
] | 2024-01-22 | We propose Diffusion Inference-Time T-Optimization (DITTO), a general-purpose
frame-work for controlling pre-trained text-to-music diffusion models at
inference-time via optimizing initial noise latents. Our method can be used to
optimize through any differentiable feature matching loss to achieve a target
(stylized) output and leverages gradient checkpointing for memory efficiency.
We demonstrate a surprisingly wide-range of applications for music generation
including inpainting, outpainting, and looping as well as intensity, melody,
and musical structure control - all without ever fine-tuning the underlying
model. When we compare our approach against related training, guidance, and
optimization-based methods, we find DITTO achieves state-of-the-art performance
on nearly all tasks, including outperforming comparable approaches on
controllability, audio quality, and computational efficiency, thus opening the
door for high-quality, flexible, training-free control of diffusion models.
Sound examples can be found at https://DITTO-Music.github.io/web/. | null | cs.SD | [
"cs.SD",
"cs.AI",
"cs.LG",
"eess.AS"
] |
2311.09213 | HF | GENEVA: GENErating and Visualizing branching narratives using LLMs | [
"Jorge Leandro",
"Sudha Rao",
"Michael Xu",
"Weijia Xu",
"Nebosja Jojic",
"Chris Brockett",
"Bill Dolan"
] | 2023-11-15 | Dialogue-based Role Playing Games (RPGs) require powerful storytelling. The
narratives of these may take years to write and typically involve a large
creative team. In this work, we demonstrate the potential of large generative
text models to assist this process. \textbf{GENEVA}, a prototype tool,
generates a rich narrative graph with branching and reconverging storylines
that match a high-level narrative description and constraints provided by the
designer. A large language model (LLM), GPT-4, is used to generate the
branching narrative and to render it in a graph format in a two-step process.
We illustrate the use of GENEVA in generating new branching narratives for four
well-known stories under different contextual constraints. This tool has the
potential to assist in game development, simulations, and other applications
with game-like properties. | null | cs.CL | [
"cs.CL"
] |
2207.10551 | AnswerAI | Scaling Laws vs Model Architectures: How does Inductive Bias Influence Scaling? | [
"Yi Tay",
"Mostafa Dehghani",
"Samira Abnar",
"Hyung Won Chung",
"William Fedus",
"Jinfeng Rao",
"Sharan Narang",
"Vinh Q. Tran",
"Dani Yogatama",
"Donald Metzler"
] | 2022-07-21 | There have been a lot of interest in the scaling properties of Transformer
models. However, not much has been done on the front of investigating the
effect of scaling properties of different inductive biases and model
architectures. Do model architectures scale differently? If so, how does
inductive bias affect scaling behaviour? How does this influence upstream
(pretraining) and downstream (transfer)? This paper conducts a systematic study
of scaling behaviour of ten diverse model architectures such as Transformers,
Switch Transformers, Universal Transformers, Dynamic convolutions, Performers,
and recently proposed MLP-Mixers. Via extensive experiments, we show that (1)
architecture is an indeed an important consideration when performing scaling
and (2) the best performing model can fluctuate at different scales. We believe
that the findings outlined in this work has significant implications to how
model architectures are currently evaluated in the community. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2403.18118 | HF | EgoLifter: Open-world 3D Segmentation for Egocentric Perception | [
"Qiao Gu",
"Zhaoyang Lv",
"Duncan Frost",
"Simon Green",
"Julian Straub",
"Chris Sweeney"
] | 2024-03-26 | In this paper we present EgoLifter, a novel system that can automatically
segment scenes captured from egocentric sensors into a complete decomposition
of individual 3D objects. The system is specifically designed for egocentric
data where scenes contain hundreds of objects captured from natural
(non-scanning) motion. EgoLifter adopts 3D Gaussians as the underlying
representation of 3D scenes and objects and uses segmentation masks from the
Segment Anything Model (SAM) as weak supervision to learn flexible and
promptable definitions of object instances free of any specific object
taxonomy. To handle the challenge of dynamic objects in ego-centric videos, we
design a transient prediction module that learns to filter out dynamic objects
in the 3D reconstruction. The result is a fully automatic pipeline that is able
to reconstruct 3D object instances as collections of 3D Gaussians that
collectively compose the entire scene. We created a new benchmark on the Aria
Digital Twin dataset that quantitatively demonstrates its state-of-the-art
performance in open-world 3D segmentation from natural egocentric input. We run
EgoLifter on various egocentric activity datasets which shows the promise of
the method for 3D egocentric perception at scale. | null | cs.CV | [
"cs.CV"
] |
2110.07602 | AnswerAI | P-Tuning v2: Prompt Tuning Can Be Comparable to Fine-tuning Universally Across Scales and Tasks | [
"Xiao Liu",
"Kaixuan Ji",
"Yicheng Fu",
"Weng Lam Tam",
"Zhengxiao Du",
"Zhilin Yang",
"Jie Tang"
] | 2021-10-14 | Prompt tuning, which only tunes continuous prompts with a frozen language
model, substantially reduces per-task storage and memory usage at training.
However, in the context of NLU, prior work reveals that prompt tuning does not
perform well for normal-sized pretrained models. We also find that existing
methods of prompt tuning cannot handle hard sequence labeling tasks, indicating
a lack of universality. We present a novel empirical finding that properly
optimized prompt tuning can be universally effective across a wide range of
model scales and NLU tasks. It matches the performance of finetuning while
having only 0.1%-3% tuned parameters. Our method P-Tuning v2 is an
implementation of Deep Prompt Tuning \cite{li2021prefix,qin2021learning}
optimized and adapted for NLU. Given the universality and simplicity of
P-Tuning v2, we believe it can serve as an alternative to finetuning and a
strong baseline for future research.Our code and data are released at
https://github.com/THUDM/P-tuning-v2. | null | cs.CL | [
"cs.CL"
] |
2208.11580 | AnswerAI | Optimal Brain Compression: A Framework for Accurate Post-Training Quantization and Pruning | [
"Elias Frantar",
"Sidak Pal Singh",
"Dan Alistarh"
] | 2022-08-24 | We consider the problem of model compression for deep neural networks (DNNs)
in the challenging one-shot/post-training setting, in which we are given an
accurate trained model, and must compress it without any retraining, based only
on a small amount of calibration input data. This problem has become popular in
view of the emerging software and hardware support for executing models
compressed via pruning and/or quantization with speedup, and well-performing
solutions have been proposed independently for both compression approaches. In
this paper, we introduce a new compression framework which covers both weight
pruning and quantization in a unified setting, is time- and space-efficient,
and considerably improves upon the practical performance of existing
post-training methods. At the technical level, our approach is based on an
exact and efficient realization of the classical Optimal Brain Surgeon (OBS)
framework of [LeCun, Denker, and Solla, 1990] extended to also cover weight
quantization at the scale of modern DNNs. From the practical perspective, our
experimental results show that it can improve significantly upon the
compression-accuracy trade-offs of existing post-training methods, and that it
can enable the accurate compound application of both pruning and quantization
in a post-training setting. | null | cs.LG | [
"cs.LG"
] |
2310.19019 | Both | TeacherLM: Teaching to Fish Rather Than Giving the Fish, Language Modeling Likewise | [
"Nan He",
"Hanyu Lai",
"Chenyang Zhao",
"Zirui Cheng",
"Junting Pan",
"Ruoyu Qin",
"Ruofan Lu",
"Rui Lu",
"Yunchen Zhang",
"Gangming Zhao",
"Zhaohui Hou",
"Zhiyuan Huang",
"Shaoqing Lu",
"Ding Liang",
"Mingjie Zhan"
] | 2023-10-29 | Large Language Models (LLMs) exhibit impressive reasoning and data
augmentation capabilities in various NLP tasks. However, what about small
models? In this work, we propose TeacherLM-7.1B, capable of annotating relevant
fundamentals, chain of thought, and common mistakes for most NLP samples, which
makes annotation more than just an answer, thus allowing other models to learn
"why" instead of just "what". The TeacherLM-7.1B model achieved a zero-shot
score of 52.3 on MMLU, surpassing most models with over 100B parameters. Even
more remarkable is its data augmentation ability. Based on TeacherLM-7.1B, we
augmented 58 NLP datasets and taught various student models with different
parameters from OPT and BLOOM series in a multi-task setting. The experimental
results indicate that the data augmentation provided by TeacherLM has brought
significant benefits. We will release the TeacherLM series of models and
augmented datasets as open-source. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.03284 | HF | ReSyncer: Rewiring Style-based Generator for Unified Audio-Visually Synced Facial Performer | [
"Jiazhi Guan",
"Zhiliang Xu",
"Hang Zhou",
"Kaisiyuan Wang",
"Shengyi He",
"Zhanwang Zhang",
"Borong Liang",
"Haocheng Feng",
"Errui Ding",
"Jingtuo Liu",
"Jingdong Wang",
"Youjian Zhao",
"Ziwei Liu"
] | 2024-08-06 | Lip-syncing videos with given audio is the foundation for various
applications including the creation of virtual presenters or performers. While
recent studies explore high-fidelity lip-sync with different techniques, their
task-orientated models either require long-term videos for clip-specific
training or retain visible artifacts. In this paper, we propose a unified and
effective framework ReSyncer, that synchronizes generalized audio-visual facial
information. The key design is revisiting and rewiring the Style-based
generator to efficiently adopt 3D facial dynamics predicted by a principled
style-injected Transformer. By simply re-configuring the information insertion
mechanisms within the noise and style space, our framework fuses motion and
appearance with unified training. Extensive experiments demonstrate that
ReSyncer not only produces high-fidelity lip-synced videos according to audio,
but also supports multiple appealing properties that are suitable for creating
virtual presenters and performers, including fast personalized fine-tuning,
video-driven lip-syncing, the transfer of speaking styles, and even face
swapping. Resources can be found at
https://guanjz20.github.io/projects/ReSyncer. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.MM"
] |
1710.02298 | AnswerAI | Rainbow: Combining Improvements in Deep Reinforcement Learning | [
"Matteo Hessel",
"Joseph Modayil",
"Hado van Hasselt",
"Tom Schaul",
"Georg Ostrovski",
"Will Dabney",
"Dan Horgan",
"Bilal Piot",
"Mohammad Azar",
"David Silver"
] | 2017-10-06 | The deep reinforcement learning community has made several independent
improvements to the DQN algorithm. However, it is unclear which of these
extensions are complementary and can be fruitfully combined. This paper
examines six extensions to the DQN algorithm and empirically studies their
combination. Our experiments show that the combination provides
state-of-the-art performance on the Atari 2600 benchmark, both in terms of data
efficiency and final performance. We also provide results from a detailed
ablation study that shows the contribution of each component to overall
performance. | null | cs.AI | [
"cs.AI",
"cs.LG"
] |
2305.18583 | HF | Controllable Text-to-Image Generation with GPT-4 | [
"Tianjun Zhang",
"Yi Zhang",
"Vibhav Vineet",
"Neel Joshi",
"Xin Wang"
] | 2023-05-29 | Current text-to-image generation models often struggle to follow textual
instructions, especially the ones requiring spatial reasoning. On the other
hand, Large Language Models (LLMs), such as GPT-4, have shown remarkable
precision in generating code snippets for sketching out text inputs
graphically, e.g., via TikZ. In this work, we introduce Control-GPT to guide
the diffusion-based text-to-image pipelines with programmatic sketches
generated by GPT-4, enhancing their abilities for instruction following.
Control-GPT works by querying GPT-4 to write TikZ code, and the generated
sketches are used as references alongside the text instructions for diffusion
models (e.g., ControlNet) to generate photo-realistic images. One major
challenge to training our pipeline is the lack of a dataset containing aligned
text, images, and sketches. We address the issue by converting instance masks
in existing datasets into polygons to mimic the sketches used at test time. As
a result, Control-GPT greatly boosts the controllability of image generation.
It establishes a new state-of-art on the spatial arrangement and object
positioning generation and enhances users' control of object positions, sizes,
etc., nearly doubling the accuracy of prior models. Our work, as a first
attempt, shows the potential for employing LLMs to enhance the performance in
computer vision tasks. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2312.00777 | HF | VideoBooth: Diffusion-based Video Generation with Image Prompts | [
"Yuming Jiang",
"Tianxing Wu",
"Shuai Yang",
"Chenyang Si",
"Dahua Lin",
"Yu Qiao",
"Chen Change Loy",
"Ziwei Liu"
] | 2023-12-01 | Text-driven video generation witnesses rapid progress. However, merely using
text prompts is not enough to depict the desired subject appearance that
accurately aligns with users' intents, especially for customized content
creation. In this paper, we study the task of video generation with image
prompts, which provide more accurate and direct content control beyond the text
prompts. Specifically, we propose a feed-forward framework VideoBooth, with two
dedicated designs: 1) We propose to embed image prompts in a coarse-to-fine
manner. Coarse visual embeddings from image encoder provide high-level
encodings of image prompts, while fine visual embeddings from the proposed
attention injection module provide multi-scale and detailed encoding of image
prompts. These two complementary embeddings can faithfully capture the desired
appearance. 2) In the attention injection module at fine level, multi-scale
image prompts are fed into different cross-frame attention layers as additional
keys and values. This extra spatial information refines the details in the
first frame and then it is propagated to the remaining frames, which maintains
temporal consistency. Extensive experiments demonstrate that VideoBooth
achieves state-of-the-art performance in generating customized high-quality
videos with subjects specified in image prompts. Notably, VideoBooth is a
generalizable framework where a single model works for a wide range of image
prompts with feed-forward pass. | null | cs.CV | [
"cs.CV"
] |
1909.08593 | AnswerAI | Fine-Tuning Language Models from Human Preferences | [
"Daniel M. Ziegler",
"Nisan Stiennon",
"Jeffrey Wu",
"Tom B. Brown",
"Alec Radford",
"Dario Amodei",
"Paul Christiano",
"Geoffrey Irving"
] | 2019-09-18 | Reward learning enables the application of reinforcement learning (RL) to
tasks where reward is defined by human judgment, building a model of reward by
asking humans questions. Most work on reward learning has used simulated
environments, but complex information about values is often expressed in
natural language, and we believe reward learning for language is a key to
making RL practical and safe for real-world tasks. In this paper, we build on
advances in generative pretraining of language models to apply reward learning
to four natural language tasks: continuing text with positive sentiment or
physically descriptive language, and summarization tasks on the TL;DR and
CNN/Daily Mail datasets. For stylistic continuation we achieve good results
with only 5,000 comparisons evaluated by humans. For summarization, models
trained with 60,000 comparisons copy whole sentences from the input but skip
irrelevant preamble; this leads to reasonable ROUGE scores and very good
performance according to our human labelers, but may be exploiting the fact
that labelers rely on simple heuristics. | null | cs.CL | [
"cs.CL",
"cs.LG",
"stat.ML"
] |
2406.02230 | HF | I4VGen: Image as Stepping Stone for Text-to-Video Generation | [
"Xiefan Guo",
"Jinlin Liu",
"Miaomiao Cui",
"Di Huang"
] | 2024-06-04 | Text-to-video generation has lagged behind text-to-image synthesis in quality
and diversity due to the complexity of spatio-temporal modeling and limited
video-text datasets. This paper presents I4VGen, a training-free and
plug-and-play video diffusion inference framework, which enhances text-to-video
generation by leveraging robust image techniques. Specifically, following
text-to-image-to-video, I4VGen decomposes the text-to-video generation into two
stages: anchor image synthesis and anchor image-guided video synthesis.
Correspondingly, a well-designed generation-selection pipeline is employed to
achieve visually-realistic and semantically-faithful anchor image, and an
innovative Noise-Invariant Video Score Distillation Sampling is incorporated to
animate the image to a dynamic video, followed by a video regeneration process
to refine the video. This inference strategy effectively mitigates the
prevalent issue of non-zero terminal signal-to-noise ratio. Extensive
evaluations show that I4VGen not only produces videos with higher visual
realism and textual fidelity but also integrates seamlessly into existing
image-to-video diffusion models, thereby improving overall video quality. | null | cs.CV | [
"cs.CV"
] |
2404.09458 | HF | CompGS: Efficient 3D Scene Representation via Compressed Gaussian Splatting | [
"Xiangrui Liu",
"Xinju Wu",
"Pingping Zhang",
"Shiqi Wang",
"Zhu Li",
"Sam Kwong"
] | 2024-04-15 | Gaussian splatting, renowned for its exceptional rendering quality and
efficiency, has emerged as a prominent technique in 3D scene representation.
However, the substantial data volume of Gaussian splatting impedes its
practical utility in real-world applications. Herein, we propose an efficient
3D scene representation, named Compressed Gaussian Splatting (CompGS), which
harnesses compact Gaussian primitives for faithful 3D scene modeling with a
remarkably reduced data size. To ensure the compactness of Gaussian primitives,
we devise a hybrid primitive structure that captures predictive relationships
between each other. Then, we exploit a small set of anchor primitives for
prediction, allowing the majority of primitives to be encapsulated into highly
compact residual forms. Moreover, we develop a rate-constrained optimization
scheme to eliminate redundancies within such hybrid primitives, steering our
CompGS towards an optimal trade-off between bitrate consumption and
representation efficacy. Experimental results show that the proposed CompGS
significantly outperforms existing methods, achieving superior compactness in
3D scene representation without compromising model accuracy and rendering
quality. Our code will be released on GitHub for further research. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2305.06300 | AnswerAI | Evaluating Embedding APIs for Information Retrieval | [
"Ehsan Kamalloo",
"Xinyu Zhang",
"Odunayo Ogundepo",
"Nandan Thakur",
"David Alfonso-Hermelo",
"Mehdi Rezagholizadeh",
"Jimmy Lin"
] | 2023-05-10 | The ever-increasing size of language models curtails their widespread
availability to the community, thereby galvanizing many companies into offering
access to large language models through APIs. One particular type, suitable for
dense retrieval, is a semantic embedding service that builds vector
representations of input text. With a growing number of publicly available
APIs, our goal in this paper is to analyze existing offerings in realistic
retrieval scenarios, to assist practitioners and researchers in finding
suitable services according to their needs. Specifically, we investigate the
capabilities of existing semantic embedding APIs on domain generalization and
multilingual retrieval. For this purpose, we evaluate these services on two
standard benchmarks, BEIR and MIRACL. We find that re-ranking BM25 results
using the APIs is a budget-friendly approach and is most effective in English,
in contrast to the standard practice of employing them as first-stage
retrievers. For non-English retrieval, re-ranking still improves the results,
but a hybrid model with BM25 works best, albeit at a higher cost. We hope our
work lays the groundwork for evaluating semantic embedding APIs that are
critical in search and more broadly, for information access. | null | cs.IR | [
"cs.IR",
"cs.CL"
] |
2312.10763 | HF | M3DBench: Let's Instruct Large Models with Multi-modal 3D Prompts | [
"Mingsheng Li",
"Xin Chen",
"Chi Zhang",
"Sijin Chen",
"Hongyuan Zhu",
"Fukun Yin",
"Gang Yu",
"Tao Chen"
] | 2023-12-17 | Recently, 3D understanding has become popular to facilitate autonomous agents
to perform further decisionmaking. However, existing 3D datasets and methods
are often limited to specific tasks. On the other hand, recent progress in
Large Language Models (LLMs) and Multimodal Language Models (MLMs) have
demonstrated exceptional general language and imagery tasking performance.
Therefore, it is interesting to unlock MLM's potential to be 3D generalist for
wider tasks. However, current MLMs' research has been less focused on 3D tasks
due to a lack of large-scale 3D instruction-following datasets. In this work,
we introduce a comprehensive 3D instructionfollowing dataset called M3DBench,
which possesses the following characteristics: 1) It supports general
multimodal instructions interleaved with text, images, 3D objects, and other
visual prompts. 2) It unifies diverse 3D tasks at both region and scene levels,
covering a variety of fundamental abilities in real-world 3D environments. 3)
It is a large-scale 3D instruction-following dataset with over 320k
instruction-response pairs. Furthermore, we establish a new benchmark for
assessing the performance of large models in understanding multi-modal 3D
prompts. Extensive experiments demonstrate the effectiveness of our dataset and
baseline, supporting general 3D-centric tasks, which can inspire future
research. | null | cs.CV | [
"cs.CV"
] |
2312.09251 | HF | VL-GPT: A Generative Pre-trained Transformer for Vision and Language Understanding and Generation | [
"Jinguo Zhu",
"Xiaohan Ding",
"Yixiao Ge",
"Yuying Ge",
"Sijie Zhao",
"Hengshuang Zhao",
"Xiaohua Wang",
"Ying Shan"
] | 2023-12-14 | In this work, we introduce Vision-Language Generative Pre-trained Transformer
(VL-GPT), a transformer model proficient at concurrently perceiving and
generating visual and linguistic data. VL-GPT achieves a unified pre-training
approach for both image and text modalities by employing a straightforward
auto-regressive objective, thereby enabling the model to process image and text
as seamlessly as a language model processes text. To accomplish this, we
initially propose a novel image tokenizer-detokenizer framework for visual
data, specifically designed to transform raw images into a sequence of
continuous embeddings and reconstruct them accordingly. In combination with the
existing text tokenizer and detokenizer, this framework allows for the encoding
of interleaved image-text data into a multimodal sequence, which can
subsequently be fed into the transformer model. Consequently, VL-GPT can
perform large-scale pre-training on multimodal corpora utilizing a unified
auto-regressive objective (i.e., next-token prediction). Upon completion of
pre-training, VL-GPT exhibits remarkable zero-shot and few-shot performance
across a diverse range of vision and language understanding and generation
tasks, including image captioning, visual question answering, text-to-image
generation, and more. Additionally, the pre-trained model retrains in-context
learning capabilities when provided with multimodal prompts. We further conduct
instruction tuning on our VL-GPT, highlighting its exceptional potential for
multimodal assistance. The source code and model weights shall be released. | null | cs.CV | [
"cs.CV"
] |
2105.06912 | AnswerAI | QAConv: Question Answering on Informative Conversations | [
"Chien-Sheng Wu",
"Andrea Madotto",
"Wenhao Liu",
"Pascale Fung",
"Caiming Xiong"
] | 2021-05-14 | This paper introduces QAConv, a new question answering (QA) dataset that uses
conversations as a knowledge source. We focus on informative conversations,
including business emails, panel discussions, and work channels. Unlike
open-domain and task-oriented dialogues, these conversations are usually long,
complex, asynchronous, and involve strong domain knowledge. In total, we
collect 34,608 QA pairs from 10,259 selected conversations with both
human-written and machine-generated questions. We use a question generator and
a dialogue summarizer as auxiliary tools to collect and recommend questions.
The dataset has two testing scenarios: chunk mode and full mode, depending on
whether the grounded partial conversation is provided or retrieved.
Experimental results show that state-of-the-art pretrained QA systems have
limited zero-shot performance and tend to predict our questions as
unanswerable. Our dataset provides a new training and evaluation testbed to
facilitate QA on conversations research. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.IR"
] |
2402.03766 | HF | MobileVLM V2: Faster and Stronger Baseline for Vision Language Model | [
"Xiangxiang Chu",
"Limeng Qiao",
"Xinyu Zhang",
"Shuang Xu",
"Fei Wei",
"Yang Yang",
"Xiaofei Sun",
"Yiming Hu",
"Xinyang Lin",
"Bo Zhang",
"Chunhua Shen"
] | 2024-02-06 | We introduce MobileVLM V2, a family of significantly improved vision language
models upon MobileVLM, which proves that a delicate orchestration of novel
architectural design, an improved training scheme tailored for mobile VLMs, and
rich high-quality dataset curation can substantially benefit VLMs' performance.
Specifically, MobileVLM V2 1.7B achieves better or on-par performance on
standard VLM benchmarks compared with much larger VLMs at the 3B scale.
Notably, our 3B model outperforms a large variety of VLMs at the 7B+ scale. Our
models will be released at https://github.com/Meituan-AutoML/MobileVLM . | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2305.03286 | HF | Composite Motion Learning with Task Control | [
"Pei Xu",
"Xiumin Shang",
"Victor Zordan",
"Ioannis Karamouzas"
] | 2023-05-05 | We present a deep learning method for composite and task-driven motion
control for physically simulated characters. In contrast to existing
data-driven approaches using reinforcement learning that imitate full-body
motions, we learn decoupled motions for specific body parts from multiple
reference motions simultaneously and directly by leveraging the use of multiple
discriminators in a GAN-like setup. In this process, there is no need of any
manual work to produce composite reference motions for learning. Instead, the
control policy explores by itself how the composite motions can be combined
automatically. We further account for multiple task-specific rewards and train
a single, multi-objective control policy. To this end, we propose a novel
framework for multi-objective learning that adaptively balances the learning of
disparate motions from multiple sources and multiple goal-directed control
objectives. In addition, as composite motions are typically augmentations of
simpler behaviors, we introduce a sample-efficient method for training
composite control policies in an incremental manner, where we reuse a
pre-trained policy as the meta policy and train a cooperative policy that
adapts the meta one for new composite tasks. We show the applicability of our
approach on a variety of challenging multi-objective tasks involving both
composite motion imitation and multiple goal-directed control. | 10.1145/3592447 | cs.GR | [
"cs.GR",
"cs.AI",
"cs.LG"
] |
2308.08545 | HF | TeCH: Text-guided Reconstruction of Lifelike Clothed Humans | [
"Yangyi Huang",
"Hongwei Yi",
"Yuliang Xiu",
"Tingting Liao",
"Jiaxiang Tang",
"Deng Cai",
"Justus Thies"
] | 2023-08-16 | Despite recent research advancements in reconstructing clothed humans from a
single image, accurately restoring the "unseen regions" with high-level details
remains an unsolved challenge that lacks attention. Existing methods often
generate overly smooth back-side surfaces with a blurry texture. But how to
effectively capture all visual attributes of an individual from a single image,
which are sufficient to reconstruct unseen areas (e.g., the back view)?
Motivated by the power of foundation models, TeCH reconstructs the 3D human by
leveraging 1) descriptive text prompts (e.g., garments, colors, hairstyles)
which are automatically generated via a garment parsing model and Visual
Question Answering (VQA), 2) a personalized fine-tuned Text-to-Image diffusion
model (T2I) which learns the "indescribable" appearance. To represent
high-resolution 3D clothed humans at an affordable cost, we propose a hybrid 3D
representation based on DMTet, which consists of an explicit body shape grid
and an implicit distance field. Guided by the descriptive prompts +
personalized T2I diffusion model, the geometry and texture of the 3D humans are
optimized through multi-view Score Distillation Sampling (SDS) and
reconstruction losses based on the original observation. TeCH produces
high-fidelity 3D clothed humans with consistent & delicate texture, and
detailed full-body geometry. Quantitative and qualitative experiments
demonstrate that TeCH outperforms the state-of-the-art methods in terms of
reconstruction accuracy and rendering quality. The code will be publicly
available for research purposes at https://huangyangyi.github.io/TeCH | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR"
] |
2404.15758 | AnswerAI | Let's Think Dot by Dot: Hidden Computation in Transformer Language Models | [
"Jacob Pfau",
"William Merrill",
"Samuel R. Bowman"
] | 2024-04-24 | Chain-of-thought responses from language models improve performance across
most benchmarks. However, it remains unclear to what extent these performance
gains can be attributed to human-like task decomposition or simply the greater
computation that additional tokens allow. We show that transformers can use
meaningless filler tokens (e.g., '......') in place of a chain of thought to
solve two hard algorithmic tasks they could not solve when responding without
intermediate tokens. However, we find empirically that learning to use filler
tokens is difficult and requires specific, dense supervision to converge. We
also provide a theoretical characterization of the class of problems where
filler tokens are useful in terms of the quantifier depth of a first-order
formula. For problems satisfying this characterization, chain-of-thought tokens
need not provide information about the intermediate computational steps
involved in multi-token computations. In summary, our results show that
additional tokens can provide computational benefits independent of token
choice. The fact that intermediate tokens can act as filler tokens raises
concerns about large language models engaging in unauditable, hidden
computations that are increasingly detached from the observed chain-of-thought
tokens. | null | cs.CL | [
"cs.CL",
"cs.AI",
"I.2.6"
] |
2311.10111 | HF | VideoCon: Robust Video-Language Alignment via Contrast Captions | [
"Hritik Bansal",
"Yonatan Bitton",
"Idan Szpektor",
"Kai-Wei Chang",
"Aditya Grover"
] | 2023-11-15 | Despite being (pre)trained on a massive amount of data, state-of-the-art
video-language alignment models are not robust to semantically-plausible
contrastive changes in the video captions. Our work addresses this by
identifying a broad spectrum of contrast misalignments, such as replacing
entities, actions, and flipping event order, which alignment models should be
robust against. To this end, we introduce the VideoCon, a video-language
alignment dataset constructed by a large language model that generates
plausible contrast video captions and explanations for differences between
original and contrast video captions. Then, a generative video-language model
is finetuned with VideoCon to assess video-language entailment and generate
explanations. Our VideoCon-based alignment model significantly outperforms
current models. It exhibits a 12-point increase in AUC for the video-language
alignment task on human-generated contrast captions. Finally, our model sets
new state of the art zero-shot performance in temporally-extensive
video-language tasks such as text-to-video retrieval (SSv2-Temporal) and video
question answering (ATP-Hard). Moreover, our model shows superior performance
on novel videos and human-crafted captions and explanations. Our code and data
are available at https://github.com/Hritikbansal/videocon. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2204.07143 | AnswerAI | Neighborhood Attention Transformer | [
"Ali Hassani",
"Steven Walton",
"Jiachen Li",
"Shen Li",
"Humphrey Shi"
] | 2022-04-14 | We present Neighborhood Attention (NA), the first efficient and scalable
sliding-window attention mechanism for vision. NA is a pixel-wise operation,
localizing self attention (SA) to the nearest neighboring pixels, and therefore
enjoys a linear time and space complexity compared to the quadratic complexity
of SA. The sliding-window pattern allows NA's receptive field to grow without
needing extra pixel shifts, and preserves translational equivariance, unlike
Swin Transformer's Window Self Attention (WSA). We develop NATTEN (Neighborhood
Attention Extension), a Python package with efficient C++ and CUDA kernels,
which allows NA to run up to 40% faster than Swin's WSA while using up to 25%
less memory. We further present Neighborhood Attention Transformer (NAT), a new
hierarchical transformer design based on NA that boosts image classification
and downstream vision performance. Experimental results on NAT are competitive;
NAT-Tiny reaches 83.2% top-1 accuracy on ImageNet, 51.4% mAP on MS-COCO and
48.4% mIoU on ADE20K, which is 1.9% ImageNet accuracy, 1.0% COCO mAP, and 2.6%
ADE20K mIoU improvement over a Swin model with similar size. To support more
research based on sliding-window attention, we open source our project and
release our checkpoints at:
https://github.com/SHI-Labs/Neighborhood-Attention-Transformer . | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2305.12487 | HF | Augmenting Autotelic Agents with Large Language Models | [
"Cédric Colas",
"Laetitia Teodorescu",
"Pierre-Yves Oudeyer",
"Xingdi Yuan",
"Marc-Alexandre Côté"
] | 2023-05-21 | Humans learn to master open-ended repertoires of skills by imagining and
practicing their own goals. This autotelic learning process, literally the
pursuit of self-generated (auto) goals (telos), becomes more and more
open-ended as the goals become more diverse, abstract and creative. The
resulting exploration of the space of possible skills is supported by an
inter-individual exploration: goal representations are culturally evolved and
transmitted across individuals, in particular using language. Current
artificial agents mostly rely on predefined goal representations corresponding
to goal spaces that are either bounded (e.g. list of instructions), or
unbounded (e.g. the space of possible visual inputs) but are rarely endowed
with the ability to reshape their goal representations, to form new
abstractions or to imagine creative goals. In this paper, we introduce a
language model augmented autotelic agent (LMA3) that leverages a pretrained
language model (LM) to support the representation, generation and learning of
diverse, abstract, human-relevant goals. The LM is used as an imperfect model
of human cultural transmission; an attempt to capture aspects of humans'
common-sense, intuitive physics and overall interests. Specifically, it
supports three key components of the autotelic architecture: 1)~a relabeler
that describes the goals achieved in the agent's trajectories, 2)~a goal
generator that suggests new high-level goals along with their decomposition
into subgoals the agent already masters, and 3)~reward functions for each of
these goals. Without relying on any hand-coded goal representations, reward
functions or curriculum, we show that LMA3 agents learn to master a large
diversity of skills in a task-agnostic text-based environment. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2312.02963 | HF | MVHumanNet: A Large-scale Dataset of Multi-view Daily Dressing Human Captures | [
"Zhangyang Xiong",
"Chenghong Li",
"Kenkun Liu",
"Hongjie Liao",
"Jianqiao Hu",
"Junyi Zhu",
"Shuliang Ning",
"Lingteng Qiu",
"Chongjie Wang",
"Shijie Wang",
"Shuguang Cui",
"Xiaoguang Han"
] | 2023-12-05 | In this era, the success of large language models and text-to-image models
can be attributed to the driving force of large-scale datasets. However, in the
realm of 3D vision, while remarkable progress has been made with models trained
on large-scale synthetic and real-captured object data like Objaverse and
MVImgNet, a similar level of progress has not been observed in the domain of
human-centric tasks partially due to the lack of a large-scale human dataset.
Existing datasets of high-fidelity 3D human capture continue to be mid-sized
due to the significant challenges in acquiring large-scale high-quality 3D
human data. To bridge this gap, we present MVHumanNet, a dataset that comprises
multi-view human action sequences of 4,500 human identities. The primary focus
of our work is on collecting human data that features a large number of diverse
identities and everyday clothing using a multi-view human capture system, which
facilitates easily scalable data collection. Our dataset contains 9,000 daily
outfits, 60,000 motion sequences and 645 million frames with extensive
annotations, including human masks, camera parameters, 2D and 3D keypoints,
SMPL/SMPLX parameters, and corresponding textual descriptions. To explore the
potential of MVHumanNet in various 2D and 3D visual tasks, we conducted pilot
studies on view-consistent action recognition, human NeRF reconstruction,
text-driven view-unconstrained human image generation, as well as 2D
view-unconstrained human image and 3D avatar generation. Extensive experiments
demonstrate the performance improvements and effective applications enabled by
the scale provided by MVHumanNet. As the current largest-scale 3D human
dataset, we hope that the release of MVHumanNet data with annotations will
foster further innovations in the domain of 3D human-centric tasks at scale. | null | cs.CV | [
"cs.CV"
] |
2406.00770 | AnswerAI | Automatic Instruction Evolving for Large Language Models | [
"Weihao Zeng",
"Can Xu",
"Yingxiu Zhao",
"Jian-Guang Lou",
"Weizhu Chen"
] | 2024-06-02 | Fine-tuning large pre-trained language models with Evol-Instruct has achieved
encouraging results across a wide range of tasks. However, designing effective
evolving methods for instruction evolution requires substantial human
expertise. This paper proposes Auto Evol-Instruct, an end-to-end framework that
evolves instruction datasets using large language models without any human
effort. The framework automatically analyzes and summarizes suitable
evolutionary strategies for the given instruction data and iteratively improves
the evolving method based on issues exposed during the instruction evolution
process. Our extensive experiments demonstrate that the best method optimized
by Auto Evol-Instruct outperforms human-designed methods on various benchmarks,
including MT-Bench, AlpacaEval, GSM8K, and HumanEval. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2401.04092 | HF | GPT-4V(ision) is a Human-Aligned Evaluator for Text-to-3D Generation | [
"Tong Wu",
"Guandao Yang",
"Zhibing Li",
"Kai Zhang",
"Ziwei Liu",
"Leonidas Guibas",
"Dahua Lin",
"Gordon Wetzstein"
] | 2024-01-08 | Despite recent advances in text-to-3D generative methods, there is a notable
absence of reliable evaluation metrics. Existing metrics usually focus on a
single criterion each, such as how well the asset aligned with the input text.
These metrics lack the flexibility to generalize to different evaluation
criteria and might not align well with human preferences. Conducting user
preference studies is an alternative that offers both adaptability and
human-aligned results. User studies, however, can be very expensive to scale.
This paper presents an automatic, versatile, and human-aligned evaluation
metric for text-to-3D generative models. To this end, we first develop a prompt
generator using GPT-4V to generate evaluating prompts, which serve as input to
compare text-to-3D models. We further design a method instructing GPT-4V to
compare two 3D assets according to user-defined criteria. Finally, we use these
pairwise comparison results to assign these models Elo ratings. Experimental
results suggest our metric strongly align with human preference across
different evaluation criteria. | null | cs.CV | [
"cs.CV"
] |
2310.10837 | Both | Approximating Two-Layer Feedforward Networks for Efficient Transformers | [
"Róbert Csordás",
"Kazuki Irie",
"Jürgen Schmidhuber"
] | 2023-10-16 | How to reduce compute and memory requirements of neural networks (NNs)
without sacrificing performance? Many recent works use sparse Mixtures of
Experts (MoEs) to build resource-efficient large language models (LMs). Here we
introduce several novel perspectives on MoEs, presenting a general framework
that unifies various methods to approximate two-layer NNs (e.g., feedforward
blocks of Transformers), including product-key memories (PKMs). Leveraging
insights from this framework, we propose methods to improve both MoEs and PKMs.
Unlike prior work that compares MoEs with dense baselines under the
compute-equal condition, our evaluation condition is parameter-equal, which is
crucial to properly evaluate LMs. We show that our MoEs are competitive with
the dense Transformer-XL on both the WikiText-103 and enwiki8 datasets at two
different scales, while being much more resource efficient. This demonstrates
that MoEs are relevant not only to extremely large LMs but also to any-scale
resource-efficient LMs. Our code is public. | null | cs.LG | [
"cs.LG",
"cs.NE"
] |
2409.04234 | HF | UniDet3D: Multi-dataset Indoor 3D Object Detection | [
"Maksim Kolodiazhnyi",
"Anna Vorontsova",
"Matvey Skripkin",
"Danila Rukhovich",
"Anton Konushin"
] | 2024-09-06 | Growing customer demand for smart solutions in robotics and augmented reality
has attracted considerable attention to 3D object detection from point clouds.
Yet, existing indoor datasets taken individually are too small and
insufficiently diverse to train a powerful and general 3D object detection
model. In the meantime, more general approaches utilizing foundation models are
still inferior in quality to those based on supervised training for a specific
task. In this work, we propose \ours{}, a simple yet effective 3D object
detection model, which is trained on a mixture of indoor datasets and is
capable of working in various indoor environments. By unifying different label
spaces, \ours{} enables learning a strong representation across multiple
datasets through a supervised joint training scheme. The proposed network
architecture is built upon a vanilla transformer encoder, making it easy to
run, customize and extend the prediction pipeline for practical use. Extensive
experiments demonstrate that \ours{} obtains significant gains over existing 3D
object detection methods in 6 indoor benchmarks: ScanNet (+1.1 mAP50),
ARKitScenes (+19.4 mAP25), S3DIS (+9.1 mAP50), MultiScan (+9.3 mAP50), 3RScan
(+3.2 mAP50), and ScanNet++ (+2.7 mAP50). Code is available at
https://github.com/filapro/unidet3d . | null | cs.CV | [
"cs.CV"
] |
2302.00923 | AnswerAI | Multimodal Chain-of-Thought Reasoning in Language Models | [
"Zhuosheng Zhang",
"Aston Zhang",
"Mu Li",
"Hai Zhao",
"George Karypis",
"Alex Smola"
] | 2023-02-02 | Large language models (LLMs) have shown impressive performance on complex
reasoning by leveraging chain-of-thought (CoT) prompting to generate
intermediate reasoning chains as the rationale to infer the answer. However,
existing CoT studies have primarily focused on the language modality. We
propose Multimodal-CoT that incorporates language (text) and vision (images)
modalities into a two-stage framework that separates rationale generation and
answer inference. In this way, answer inference can leverage better generated
rationales that are based on multimodal information. Experimental results on
ScienceQA and A-OKVQA benchmark datasets show the effectiveness of our proposed
approach. With Multimodal-CoT, our model under 1 billion parameters achieves
state-of-the-art performance on the ScienceQA benchmark. Our analysis indicates
that Multimodal-CoT offers the advantages of mitigating hallucination and
enhancing convergence speed. Code is publicly available at
https://github.com/amazon-science/mm-cot. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV"
] |
2305.14283 | AnswerAI | Query Rewriting for Retrieval-Augmented Large Language Models | [
"Xinbei Ma",
"Yeyun Gong",
"Pengcheng He",
"Hai Zhao",
"Nan Duan"
] | 2023-05-23 | Large Language Models (LLMs) play powerful, black-box readers in the
retrieve-then-read pipeline, making remarkable progress in knowledge-intensive
tasks. This work introduces a new framework, Rewrite-Retrieve-Read instead of
the previous retrieve-then-read for the retrieval-augmented LLMs from the
perspective of the query rewriting. Unlike prior studies focusing on adapting
either the retriever or the reader, our approach pays attention to the
adaptation of the search query itself, for there is inevitably a gap between
the input text and the needed knowledge in retrieval. We first prompt an LLM to
generate the query, then use a web search engine to retrieve contexts.
Furthermore, to better align the query to the frozen modules, we propose a
trainable scheme for our pipeline. A small language model is adopted as a
trainable rewriter to cater to the black-box LLM reader. The rewriter is
trained using the feedback of the LLM reader by reinforcement learning.
Evaluation is conducted on downstream tasks, open-domain QA and multiple-choice
QA. Experiments results show consistent performance improvement, indicating
that our framework is proven effective and scalable, and brings a new framework
for retrieval-augmented LLM. | null | cs.CL | [
"cs.CL"
] |
2405.12970 | HF | Face Adapter for Pre-Trained Diffusion Models with Fine-Grained ID and Attribute Control | [
"Yue Han",
"Junwei Zhu",
"Keke He",
"Xu Chen",
"Yanhao Ge",
"Wei Li",
"Xiangtai Li",
"Jiangning Zhang",
"Chengjie Wang",
"Yong Liu"
] | 2024-05-21 | Current face reenactment and swapping methods mainly rely on GAN frameworks,
but recent focus has shifted to pre-trained diffusion models for their superior
generation capabilities. However, training these models is resource-intensive,
and the results have not yet achieved satisfactory performance levels. To
address this issue, we introduce Face-Adapter, an efficient and effective
adapter designed for high-precision and high-fidelity face editing for
pre-trained diffusion models. We observe that both face reenactment/swapping
tasks essentially involve combinations of target structure, ID and attribute.
We aim to sufficiently decouple the control of these factors to achieve both
tasks in one model. Specifically, our method contains: 1) A Spatial Condition
Generator that provides precise landmarks and background; 2) A Plug-and-play
Identity Encoder that transfers face embeddings to the text space by a
transformer decoder. 3) An Attribute Controller that integrates spatial
conditions and detailed attributes. Face-Adapter achieves comparable or even
superior performance in terms of motion control precision, ID retention
capability, and generation quality compared to fully fine-tuned face
reenactment/swapping models. Additionally, Face-Adapter seamlessly integrates
with various StableDiffusion models. | null | cs.CV | [
"cs.CV"
] |
2407.17465 | AnswerAI | u-$μ$P: The Unit-Scaled Maximal Update Parametrization | [
"Charlie Blake",
"Constantin Eichenberg",
"Josef Dean",
"Lukas Balles",
"Luke Y. Prince",
"Björn Deiseroth",
"Andres Felipe Cruz-Salinas",
"Carlo Luschi",
"Samuel Weinbach",
"Douglas Orr"
] | 2024-07-24 | The Maximal Update Parametrization ($\mu$P) aims to make the optimal
hyperparameters (HPs) of a model independent of its size, allowing them to be
swept using a cheap proxy model rather than the full-size target model. We
present a new scheme, u-$\mu$P, which improves upon $\mu$P by combining it with
Unit Scaling, a method for designing models that makes them easy to train in
low-precision. The two techniques have a natural affinity: $\mu$P ensures that
the scale of activations is independent of model size, and Unit Scaling ensures
that activations, weights and gradients begin training with a scale of one.
This synthesis opens the door to a simpler scheme, whose default values are
near-optimal. This in turn facilitates a more efficient sweeping strategy, with
u-$\mu$P models reaching a lower loss than comparable $\mu$P models and working
out-of-the-box in FP8. | null | cs.LG | [
"cs.LG"
] |
2312.02772 | HF | FG-MDM: Towards Zero-Shot Human Motion Generation via Fine-Grained Descriptions | [
"Xu Shi",
"Wei Yao",
"Chuanchen Luo",
"Junran Peng",
"Hongwen Zhang",
"Yunlian Sun"
] | 2023-12-05 | Recently, significant progress has been made in text-based motion generation,
enabling the generation of diverse and high-quality human motions that conform
to textual descriptions. However, generating motions beyond the distribution of
original datasets remains challenging, i.e., zero-shot generation. By adopting
a divide-and-conquer strategy, we propose a new framework named Fine-Grained
Human Motion Diffusion Model (FG-MDM) for zero-shot human motion generation.
Specifically, we first parse previous vague textual annotations into
fine-grained descriptions of different body parts by leveraging a large
language model. We then use these fine-grained descriptions to guide a
transformer-based diffusion model, which further adopts a design of part
tokens. FG-MDM can generate human motions beyond the scope of original datasets
owing to descriptions that are closer to motion essence. Our experimental
results demonstrate the superiority of FG-MDM over previous methods in
zero-shot settings. We will release our fine-grained textual annotations for
HumanML3D and KIT. | null | cs.CV | [
"cs.CV"
] |
2403.02241 | AnswerAI | Neural Redshift: Random Networks are not Random Functions | [
"Damien Teney",
"Armand Nicolicioiu",
"Valentin Hartmann",
"Ehsan Abbasnejad"
] | 2024-03-04 | Our understanding of the generalization capabilities of neural networks (NNs)
is still incomplete. Prevailing explanations are based on implicit biases of
gradient descent (GD) but they cannot account for the capabilities of models
from gradient-free methods nor the simplicity bias recently observed in
untrained networks. This paper seeks other sources of generalization in NNs.
Findings. To understand the inductive biases provided by architectures
independently from GD, we examine untrained, random-weight networks. Even
simple MLPs show strong inductive biases: uniform sampling in weight space
yields a very biased distribution of functions in terms of complexity. But
unlike common wisdom, NNs do not have an inherent "simplicity bias". This
property depends on components such as ReLUs, residual connections, and layer
normalizations. Alternative architectures can be built with a bias for any
level of complexity. Transformers also inherit all these properties from their
building blocks.
Implications. We provide a fresh explanation for the success of deep learning
independent from gradient-based training. It points at promising avenues for
controlling the solutions implemented by trained models. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CV"
] |
2307.00522 | HF | LEDITS: Real Image Editing with DDPM Inversion and Semantic Guidance | [
"Linoy Tsaban",
"Apolinário Passos"
] | 2023-07-02 | Recent large-scale text-guided diffusion models provide powerful
image-generation capabilities. Currently, a significant effort is given to
enable the modification of these images using text only as means to offer
intuitive and versatile editing. However, editing proves to be difficult for
these generative models due to the inherent nature of editing techniques, which
involves preserving certain content from the original image. Conversely, in
text-based models, even minor modifications to the text prompt frequently
result in an entirely distinct result, making attaining one-shot generation
that accurately corresponds to the users intent exceedingly challenging. In
addition, to edit a real image using these state-of-the-art tools, one must
first invert the image into the pre-trained models domain - adding another
factor affecting the edit quality, as well as latency. In this exploratory
report, we propose LEDITS - a combined lightweight approach for real-image
editing, incorporating the Edit Friendly DDPM inversion technique with Semantic
Guidance, thus extending Semantic Guidance to real image editing, while
harnessing the editing capabilities of DDPM inversion as well. This approach
achieves versatile edits, both subtle and extensive as well as alterations in
composition and style, while requiring no optimization nor extensions to the
architecture. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2403.00745 | HF | AtP*: An efficient and scalable method for localizing LLM behaviour to components | [
"János Kramár",
"Tom Lieberum",
"Rohin Shah",
"Neel Nanda"
] | 2024-03-01 | Activation Patching is a method of directly computing causal attributions of
behavior to model components. However, applying it exhaustively requires a
sweep with cost scaling linearly in the number of model components, which can
be prohibitively expensive for SoTA Large Language Models (LLMs). We
investigate Attribution Patching (AtP), a fast gradient-based approximation to
Activation Patching and find two classes of failure modes of AtP which lead to
significant false negatives. We propose a variant of AtP called AtP*, with two
changes to address these failure modes while retaining scalability. We present
the first systematic study of AtP and alternative methods for faster activation
patching and show that AtP significantly outperforms all other investigated
methods, with AtP* providing further significant improvement. Finally, we
provide a method to bound the probability of remaining false negatives of AtP*
estimates. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2305.16958 | HF | MixCE: Training Autoregressive Language Models by Mixing Forward and Reverse Cross-Entropies | [
"Shiyue Zhang",
"Shijie Wu",
"Ozan Irsoy",
"Steven Lu",
"Mohit Bansal",
"Mark Dredze",
"David Rosenberg"
] | 2023-05-26 | Autoregressive language models are trained by minimizing the cross-entropy of
the model distribution Q relative to the data distribution P -- that is,
minimizing the forward cross-entropy, which is equivalent to maximum likelihood
estimation (MLE). We have observed that models trained in this way may
"over-generalize", in the sense that they produce non-human-like text.
Moreover, we believe that reverse cross-entropy, i.e., the cross-entropy of P
relative to Q, is a better reflection of how a human would evaluate text
generated by a model. Hence, we propose learning with MixCE, an objective that
mixes the forward and reverse cross-entropies. We evaluate models trained with
this objective on synthetic data settings (where P is known) and real data, and
show that the resulting models yield better generated text without complex
decoding strategies. Our code and models are publicly available at
https://github.com/bloomberg/mixce-acl2023 | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2305.11675 | HF | Cinematic Mindscapes: High-quality Video Reconstruction from Brain Activity | [
"Zijiao Chen",
"Jiaxin Qing",
"Juan Helen Zhou"
] | 2023-05-19 | Reconstructing human vision from brain activities has been an appealing task
that helps to understand our cognitive process. Even though recent research has
seen great success in reconstructing static images from non-invasive brain
recordings, work on recovering continuous visual experiences in the form of
videos is limited. In this work, we propose Mind-Video that learns
spatiotemporal information from continuous fMRI data of the cerebral cortex
progressively through masked brain modeling, multimodal contrastive learning
with spatiotemporal attention, and co-training with an augmented Stable
Diffusion model that incorporates network temporal inflation. We show that
high-quality videos of arbitrary frame rates can be reconstructed with
Mind-Video using adversarial guidance. The recovered videos were evaluated with
various semantic and pixel-level metrics. We achieved an average accuracy of
85% in semantic classification tasks and 0.19 in structural similarity index
(SSIM), outperforming the previous state-of-the-art by 45%. We also show that
our model is biologically plausible and interpretable, reflecting established
physiological processes. | null | cs.CV | [
"cs.CV",
"cs.CE"
] |
2312.14302 | HF | Exploiting Novel GPT-4 APIs | [
"Kellin Pelrine",
"Mohammad Taufeeque",
"Michał Zając",
"Euan McLean",
"Adam Gleave"
] | 2023-12-21 | Language model attacks typically assume one of two extreme threat models:
full white-box access to model weights, or black-box access limited to a text
generation API. However, real-world APIs are often more flexible than just text
generation: these APIs expose "gray-box" access leading to new threat vectors.
To explore this, we red-team three new functionalities exposed in the GPT-4
APIs: fine-tuning, function calling and knowledge retrieval. We find that
fine-tuning a model on as few as 15 harmful examples or 100 benign examples can
remove core safeguards from GPT-4, enabling a range of harmful outputs.
Furthermore, we find that GPT-4 Assistants readily divulge the function call
schema and can be made to execute arbitrary function calls. Finally, we find
that knowledge retrieval can be hijacked by injecting instructions into
retrieval documents. These vulnerabilities highlight that any additions to the
functionality exposed by an API can create new vulnerabilities. | null | cs.CR | [
"cs.CR",
"cs.AI",
"cs.CL",
"cs.LG",
"I.2.7"
] |
2212.09741 | AnswerAI | One Embedder, Any Task: Instruction-Finetuned Text Embeddings | [
"Hongjin Su",
"Weijia Shi",
"Jungo Kasai",
"Yizhong Wang",
"Yushi Hu",
"Mari Ostendorf",
"Wen-tau Yih",
"Noah A. Smith",
"Luke Zettlemoyer",
"Tao Yu"
] | 2022-12-19 | We introduce INSTRUCTOR, a new method for computing text embeddings given
task instructions: every text input is embedded together with instructions
explaining the use case (e.g., task and domain descriptions). Unlike encoders
from prior work that are more specialized, INSTRUCTOR is a single embedder that
can generate text embeddings tailored to different downstream tasks and
domains, without any further training. We first annotate instructions for 330
diverse tasks and train INSTRUCTOR on this multitask mixture with a contrastive
loss. We evaluate INSTRUCTOR on 70 embedding evaluation tasks (66 of which are
unseen during training), ranging from classification and information retrieval
to semantic textual similarity and text generation evaluation. INSTRUCTOR,
while having an order of magnitude fewer parameters than the previous best
model, achieves state-of-the-art performance, with an average improvement of
3.4% compared to the previous best results on the 70 diverse datasets. Our
analysis suggests that INSTRUCTOR is robust to changes in instructions, and
that instruction finetuning mitigates the challenge of training a single model
on diverse datasets. Our model, code, and data are available at
https://instructor-embedding.github.io. | null | cs.CL | [
"cs.CL"
] |
2305.05662 | HF | InternGPT: Solving Vision-Centric Tasks by Interacting with ChatGPT Beyond Language | [
"Zhaoyang Liu",
"Yinan He",
"Wenhai Wang",
"Weiyun Wang",
"Yi Wang",
"Shoufa Chen",
"Qinglong Zhang",
"Zeqiang Lai",
"Yang Yang",
"Qingyun Li",
"Jiashuo Yu",
"Kunchang Li",
"Zhe Chen",
"Xue Yang",
"Xizhou Zhu",
"Yali Wang",
"Limin Wang",
"Ping Luo",
"Jifeng Dai",
"Yu Qiao"
] | 2023-05-09 | We present an interactive visual framework named InternGPT, or iGPT for
short. The framework integrates chatbots that have planning and reasoning
capabilities, such as ChatGPT, with non-verbal instructions like pointing
movements that enable users to directly manipulate images or videos on the
screen. Pointing (including gestures, cursors, etc.) movements can provide more
flexibility and precision in performing vision-centric tasks that require
fine-grained control, editing, and generation of visual content. The name
InternGPT stands for \textbf{inter}action, \textbf{n}onverbal, and
\textbf{chat}bots. Different from existing interactive systems that rely on
pure language, by incorporating pointing instructions, the proposed iGPT
significantly improves the efficiency of communication between users and
chatbots, as well as the accuracy of chatbots in vision-centric tasks,
especially in complicated visual scenarios where the number of objects is
greater than 2. Additionally, in iGPT, an auxiliary control mechanism is used
to improve the control capability of LLM, and a large vision-language model
termed Husky is fine-tuned for high-quality multi-modal dialogue (impressing
ChatGPT-3.5-turbo with 93.89\% GPT-4 Quality). We hope this work can spark new
ideas and directions for future interactive visual systems. Welcome to watch
the code at https://github.com/OpenGVLab/InternGPT. | null | cs.CV | [
"cs.CV"
] |
2305.03937 | HF | Residual Prompt Tuning: Improving Prompt Tuning with Residual Reparameterization | [
"Anastasia Razdaibiedina",
"Yuning Mao",
"Rui Hou",
"Madian Khabsa",
"Mike Lewis",
"Jimmy Ba",
"Amjad Almahairi"
] | 2023-05-06 | Prompt tuning is one of the successful approaches for parameter-efficient
tuning of pre-trained language models. Despite being arguably the most
parameter-efficient (tuned soft prompts constitute <0.1% of total parameters),
it typically performs worse than other efficient tuning methods and is quite
sensitive to hyper-parameters. In this work, we introduce Residual Prompt
Tuning - a simple and efficient method that significantly improves the
performance and stability of prompt tuning. We propose to reparameterize soft
prompt embeddings using a shallow network with a residual connection. Our
experiments show that Residual Prompt Tuning significantly outperforms prompt
tuning on SuperGLUE benchmark. Notably, our method reaches +7 points
improvement over prompt tuning with T5-Base and allows to reduce the prompt
length by 10x without hurting performance. In addition, we show that our
approach is robust to the choice of learning rate and prompt initialization,
and is effective in few-shot settings. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2407.08680 | HF | Generalizable Implicit Motion Modeling for Video Frame Interpolation | [
"Zujin Guo",
"Wei Li",
"Chen Change Loy"
] | 2024-07-11 | Motion modeling is critical in flow-based Video Frame Interpolation (VFI).
Existing paradigms either consider linear combinations of bidirectional flows
or directly predict bilateral flows for given timestamps without exploring
favorable motion priors, thus lacking the capability of effectively modeling
spatiotemporal dynamics in real-world videos. To address this limitation, in
this study, we introduce Generalizable Implicit Motion Modeling (GIMM), a novel
and effective approach to motion modeling for VFI. Specifically, to enable GIMM
as an effective motion modeling paradigm, we design a motion encoding pipeline
to model spatiotemporal motion latent from bidirectional flows extracted from
pre-trained flow estimators, effectively representing input-specific motion
priors. Then, we implicitly predict arbitrary-timestep optical flows within two
adjacent input frames via an adaptive coordinate-based neural network, with
spatiotemporal coordinates and motion latent as inputs. Our GIMM can be
smoothly integrated with existing flow-based VFI works without further
modifications. We show that GIMM performs better than the current state of the
art on the VFI benchmarks. | null | cs.CV | [
"cs.CV"
] |
2307.11795 | HF | Prompting Large Language Models with Speech Recognition Abilities | [
"Yassir Fathullah",
"Chunyang Wu",
"Egor Lakomkin",
"Junteng Jia",
"Yuan Shangguan",
"Ke Li",
"Jinxi Guo",
"Wenhan Xiong",
"Jay Mahadeokar",
"Ozlem Kalinli",
"Christian Fuegen",
"Mike Seltzer"
] | 2023-07-21 | Large language models have proven themselves highly flexible, able to solve a
wide range of generative tasks, such as abstractive summarization and
open-ended question answering. In this paper we extend the capabilities of LLMs
by directly attaching a small audio encoder allowing it to perform speech
recognition. By directly prepending a sequence of audial embeddings to the text
token embeddings, the LLM can be converted to an automatic speech recognition
(ASR) system, and be used in the exact same manner as its textual counterpart.
Experiments on Multilingual LibriSpeech (MLS) show that incorporating a
conformer encoder into the open sourced LLaMA-7B allows it to outperform
monolingual baselines by 18% and perform multilingual speech recognition
despite LLaMA being trained overwhelmingly on English text. Furthermore, we
perform ablation studies to investigate whether the LLM can be completely
frozen during training to maintain its original capabilities, scaling up the
audio encoder, and increasing the audio encoder striding to generate fewer
embeddings. The results from these studies show that multilingual ASR is
possible even when the LLM is frozen or when strides of almost 1 second are
used in the audio encoder opening up the possibility for LLMs to operate on
long-form audio. | null | eess.AS | [
"eess.AS",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2311.04400 | HF | LRM: Large Reconstruction Model for Single Image to 3D | [
"Yicong Hong",
"Kai Zhang",
"Jiuxiang Gu",
"Sai Bi",
"Yang Zhou",
"Difan Liu",
"Feng Liu",
"Kalyan Sunkavalli",
"Trung Bui",
"Hao Tan"
] | 2023-11-08 | We propose the first Large Reconstruction Model (LRM) that predicts the 3D
model of an object from a single input image within just 5 seconds. In contrast
to many previous methods that are trained on small-scale datasets such as
ShapeNet in a category-specific fashion, LRM adopts a highly scalable
transformer-based architecture with 500 million learnable parameters to
directly predict a neural radiance field (NeRF) from the input image. We train
our model in an end-to-end manner on massive multi-view data containing around
1 million objects, including both synthetic renderings from Objaverse and real
captures from MVImgNet. This combination of a high-capacity model and
large-scale training data empowers our model to be highly generalizable and
produce high-quality 3D reconstructions from various testing inputs, including
real-world in-the-wild captures and images created by generative models. Video
demos and interactable 3D meshes can be found on our LRM project webpage:
https://yiconghong.me/LRM. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR",
"cs.LG"
] |
2306.07476 | HF | AniFaceDrawing: Anime Portrait Exploration during Your Sketching | [
"Zhengyu Huang",
"Haoran Xie",
"Tsukasa Fukusato",
"Kazunori Miyata"
] | 2023-06-13 | In this paper, we focus on how artificial intelligence (AI) can be used to
assist users in the creation of anime portraits, that is, converting rough
sketches into anime portraits during their sketching process. The input is a
sequence of incomplete freehand sketches that are gradually refined stroke by
stroke, while the output is a sequence of high-quality anime portraits that
correspond to the input sketches as guidance. Although recent GANs can generate
high quality images, it is a challenging problem to maintain the high quality
of generated images from sketches with a low degree of completion due to
ill-posed problems in conditional image generation. Even with the latest
sketch-to-image (S2I) technology, it is still difficult to create high-quality
images from incomplete rough sketches for anime portraits since anime style
tend to be more abstract than in realistic style. To address this issue, we
adopt a latent space exploration of StyleGAN with a two-stage training
strategy. We consider the input strokes of a freehand sketch to correspond to
edge information-related attributes in the latent structural code of StyleGAN,
and term the matching between strokes and these attributes stroke-level
disentanglement. In the first stage, we trained an image encoder with the
pre-trained StyleGAN model as a teacher encoder. In the second stage, we
simulated the drawing process of the generated images without any additional
data (labels) and trained the sketch encoder for incomplete progressive
sketches to generate high-quality portrait images with feature alignment to the
disentangled representations in the teacher encoder. We verified the proposed
progressive S2I system with both qualitative and quantitative evaluations and
achieved high-quality anime portraits from incomplete progressive sketches. Our
user study proved its effectiveness in art creation assistance for the anime
style. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2402.04347 | Both | The Hedgehog & the Porcupine: Expressive Linear Attentions with Softmax Mimicry | [
"Michael Zhang",
"Kush Bhatia",
"Hermann Kumbong",
"Christopher Ré"
] | 2024-02-06 | Linear attentions have shown potential for improving Transformer efficiency,
reducing attention's quadratic complexity to linear in sequence length. This
holds exciting promise for (1) training linear Transformers from scratch, (2)
"finetuned-conversion" of task-specific Transformers into linear versions that
recover task performance, and (3) "pretrained-conversion" of Transformers such
as large language models into linear versions finetunable on downstream tasks.
However, linear attentions often underperform standard softmax attention in
quality. To close this performance gap, we find prior linear attentions lack
key properties of softmax attention tied to good performance: low-entropy (or
"spiky") weights and dot-product monotonicity. We further observe surprisingly
simple feature maps that retain these properties and match softmax performance,
but are inefficient to compute in linear attention. We thus propose Hedgehog, a
learnable linear attention that retains the spiky and monotonic properties of
softmax attention while maintaining linear complexity. Hedgehog uses simple
trainable MLPs to produce attention weights mimicking softmax attention.
Experiments show Hedgehog recovers over 99% of standard Transformer quality in
train-from-scratch and finetuned-conversion settings, outperforming prior
linear attentions up to 6 perplexity points on WikiText-103 with causal GPTs,
and up to 8.7 GLUE score points on finetuned bidirectional BERTs. Hedgehog also
enables pretrained-conversion. Converting a pretrained GPT-2 into a linear
attention variant achieves state-of-the-art 16.7 perplexity on WikiText-103 for
125M subquadratic decoder models. We finally turn a pretrained Llama-2 7B into
a viable linear attention Llama. With low-rank adaptation, Hedgehog-Llama2 7B
achieves 28.1 higher ROUGE-1 points over the base standard attention model,
where prior linear attentions lead to 16.5 point drops. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2308.01734 | HF | Ambient Adventures: Teaching ChatGPT on Developing Complex Stories | [
"Zexin Chen",
"Eric Zhou",
"Kenneth Eaton",
"Xiangyu Peng",
"Mark Riedl"
] | 2023-08-03 | Imaginative play is an area of creativity that could allow robots to engage
with the world around them in a much more personified way. Imaginary play can
be seen as taking real objects and locations and using them as imaginary
objects and locations in virtual scenarios. We adopted the story generation
capability of large language models (LLMs) to obtain the stories used for
imaginary play with human-written prompts. Those generated stories will be
simplified and mapped into action sequences that can guide the agent in
imaginary play. To evaluate whether the agent can successfully finish the
imaginary play, we also designed a text adventure game to simulate a house as
the playground for the agent to interact. | null | cs.CL | [
"cs.CL",
"cs.HC"
] |
2408.08313 | HF | Can Large Language Models Understand Symbolic Graphics Programs? | [
"Zeju Qiu",
"Weiyang Liu",
"Haiwen Feng",
"Zhen Liu",
"Tim Z. Xiao",
"Katherine M. Collins",
"Joshua B. Tenenbaum",
"Adrian Weller",
"Michael J. Black",
"Bernhard Schölkopf"
] | 2024-08-15 | Assessing the capabilities of large language models (LLMs) is often
challenging, in part, because it is hard to find tasks to which they have not
been exposed during training. We take one step to address this challenge by
turning to a new task: focusing on symbolic graphics programs, which are a
popular representation for graphics content that procedurally generates visual
data. LLMs have shown exciting promise towards program synthesis, but do they
understand symbolic graphics programs? Unlike conventional programs, symbolic
graphics programs can be translated to graphics content. Here, we characterize
an LLM's understanding of symbolic programs in terms of their ability to answer
questions related to the graphics content. This task is challenging as the
questions are difficult to answer from the symbolic programs alone -- yet, they
would be easy to answer from the corresponding graphics content as we verify
through a human experiment. To understand symbolic programs, LLMs may need to
possess the ability to imagine how the corresponding graphics content would
look without directly accessing the rendered visual content. We use this task
to evaluate LLMs by creating a large benchmark for the semantic understanding
of symbolic graphics programs. This benchmark is built via program-graphics
correspondence, hence requiring minimal human efforts. We evaluate current LLMs
on our benchmark to elucidate a preliminary assessment of their ability to
reason about visual scenes from programs. We find that this task distinguishes
existing LLMs and models considered good at reasoning perform better. Lastly,
we introduce Symbolic Instruction Tuning (SIT) to improve this ability.
Specifically, we query GPT4-o with questions and images generated by symbolic
programs. Such data are then used to finetune an LLM. We also find that SIT
data can improve the general instruction following ability of LLMs. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.CV"
] |
2403.00483 | HF | RealCustom: Narrowing Real Text Word for Real-Time Open-Domain Text-to-Image Customization | [
"Mengqi Huang",
"Zhendong Mao",
"Mingcong Liu",
"Qian He",
"Yongdong Zhang"
] | 2024-03-01 | Text-to-image customization, which aims to synthesize text-driven images for
the given subjects, has recently revolutionized content creation. Existing
works follow the pseudo-word paradigm, i.e., represent the given subjects as
pseudo-words and then compose them with the given text. However, the inherent
entangled influence scope of pseudo-words with the given text results in a
dual-optimum paradox, i.e., the similarity of the given subjects and the
controllability of the given text could not be optimal simultaneously. We
present RealCustom that, for the first time, disentangles similarity from
controllability by precisely limiting subject influence to relevant parts only,
achieved by gradually narrowing real text word from its general connotation to
the specific subject and using its cross-attention to distinguish relevance.
Specifically, RealCustom introduces a novel "train-inference" decoupled
framework: (1) during training, RealCustom learns general alignment between
visual conditions to original textual conditions by a novel adaptive scoring
module to adaptively modulate influence quantity; (2) during inference, a novel
adaptive mask guidance strategy is proposed to iteratively update the influence
scope and influence quantity of the given subjects to gradually narrow the
generation of the real text word. Comprehensive experiments demonstrate the
superior real-time customization ability of RealCustom in the open domain,
achieving both unprecedented similarity of the given subjects and
controllability of the given text for the first time. The project page is
https://corleone-huang.github.io/realcustom/. | null | cs.CV | [
"cs.CV"
] |
2306.06823 | HF | Weakly supervised information extraction from inscrutable handwritten document images | [
"Sujoy Paul",
"Gagan Madan",
"Akankshya Mishra",
"Narayan Hegde",
"Pradeep Kumar",
"Gaurav Aggarwal"
] | 2023-06-12 | State-of-the-art information extraction methods are limited by OCR errors.
They work well for printed text in form-like documents, but unstructured,
handwritten documents still remain a challenge. Adapting existing models to
domain-specific training data is quite expensive, because of two factors, 1)
limited availability of the domain-specific documents (such as handwritten
prescriptions, lab notes, etc.), and 2) annotations become even more
challenging as one needs domain-specific knowledge to decode inscrutable
handwritten document images. In this work, we focus on the complex problem of
extracting medicine names from handwritten prescriptions using only weakly
labeled data. The data consists of images along with the list of medicine names
in it, but not their location in the image. We solve the problem by first
identifying the regions of interest, i.e., medicine lines from just weak labels
and then injecting a domain-specific medicine language model learned using only
synthetically generated data. Compared to off-the-shelf state-of-the-art
methods, our approach performs >2.5x better in medicine names extraction from
prescriptions. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2404.01197 | HF | Getting it Right: Improving Spatial Consistency in Text-to-Image Models | [
"Agneet Chatterjee",
"Gabriela Ben Melech Stan",
"Estelle Aflalo",
"Sayak Paul",
"Dhruba Ghosh",
"Tejas Gokhale",
"Ludwig Schmidt",
"Hannaneh Hajishirzi",
"Vasudev Lal",
"Chitta Baral",
"Yezhou Yang"
] | 2024-04-01 | One of the key shortcomings in current text-to-image (T2I) models is their
inability to consistently generate images which faithfully follow the spatial
relationships specified in the text prompt. In this paper, we offer a
comprehensive investigation of this limitation, while also developing datasets
and methods that support algorithmic solutions to improve spatial reasoning in
T2I models. We find that spatial relationships are under-represented in the
image descriptions found in current vision-language datasets. To alleviate this
data bottleneck, we create SPRIGHT, the first spatially focused, large-scale
dataset, by re-captioning 6 million images from 4 widely used vision datasets
and through a 3-fold evaluation and analysis pipeline, show that SPRIGHT
improves the proportion of spatial relationships in existing datasets. We show
the efficacy of SPRIGHT data by showing that using only $\sim$0.25% of SPRIGHT
results in a 22% improvement in generating spatially accurate images while also
improving FID and CMMD scores. We also find that training on images containing
a larger number of objects leads to substantial improvements in spatial
consistency, including state-of-the-art results on T2I-CompBench with a spatial
score of 0.2133, by fine-tuning on <500 images. Through a set of controlled
experiments and ablations, we document additional findings that could support
future work that seeks to understand factors that affect spatial consistency in
text-to-image models. | null | cs.CV | [
"cs.CV"
] |
2403.07563 | HF | Learning Generalizable Feature Fields for Mobile Manipulation | [
"Ri-Zhao Qiu",
"Yafei Hu",
"Ge Yang",
"Yuchen Song",
"Yang Fu",
"Jianglong Ye",
"Jiteng Mu",
"Ruihan Yang",
"Nikolay Atanasov",
"Sebastian Scherer",
"Xiaolong Wang"
] | 2024-03-12 | An open problem in mobile manipulation is how to represent objects and scenes
in a unified manner, so that robots can use it both for navigating in the
environment and manipulating objects. The latter requires capturing intricate
geometry while understanding fine-grained semantics, whereas the former
involves capturing the complexity inherit to an expansive physical scale. In
this work, we present GeFF (Generalizable Feature Fields), a scene-level
generalizable neural feature field that acts as a unified representation for
both navigation and manipulation that performs in real-time. To do so, we treat
generative novel view synthesis as a pre-training task, and then align the
resulting rich scene priors with natural language via CLIP feature
distillation. We demonstrate the effectiveness of this approach by deploying
GeFF on a quadrupedal robot equipped with a manipulator. We evaluate GeFF's
ability to generalize to open-set objects as well as running time, when
performing open-vocabulary mobile manipulation in dynamic scenes. | null | cs.RO | [
"cs.RO",
"cs.CV",
"cs.LG"
] |
2312.07661 | HF | CLIP as RNN: Segment Countless Visual Concepts without Training Endeavor | [
"Shuyang Sun",
"Runjia Li",
"Philip Torr",
"Xiuye Gu",
"Siyang Li"
] | 2023-12-12 | Existing open-vocabulary image segmentation methods require a fine-tuning
step on mask labels and/or image-text datasets. Mask labels are
labor-intensive, which limits the number of categories in segmentation
datasets. Consequently, the vocabulary capacity of pre-trained VLMs is severely
reduced after fine-tuning. However, without fine-tuning, VLMs trained under
weak image-text supervision tend to make suboptimal mask predictions. To
alleviate these issues, we introduce a novel recurrent framework that
progressively filters out irrelevant texts and enhances mask quality without
training efforts. The recurrent unit is a two-stage segmenter built upon a
frozen VLM. Thus, our model retains the VLM's broad vocabulary space and equips
it with segmentation ability. Experiments show that our method outperforms not
only the training-free counterparts, but also those fine-tuned with millions of
data samples, and sets the new state-of-the-art records for both zero-shot
semantic and referring segmentation. Concretely, we improve the current record
by 28.8, 16.0, and 6.9 mIoU on Pascal VOC, COCO Object, and Pascal Context. | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.LG",
"cs.MM"
] |
1908.03265 | AnswerAI | On the Variance of the Adaptive Learning Rate and Beyond | [
"Liyuan Liu",
"Haoming Jiang",
"Pengcheng He",
"Weizhu Chen",
"Xiaodong Liu",
"Jianfeng Gao",
"Jiawei Han"
] | 2019-08-08 | The learning rate warmup heuristic achieves remarkable success in stabilizing
training, accelerating convergence and improving generalization for adaptive
stochastic optimization algorithms like RMSprop and Adam. Here, we study its
mechanism in details. Pursuing the theory behind warmup, we identify a problem
of the adaptive learning rate (i.e., it has problematically large variance in
the early stage), suggest warmup works as a variance reduction technique, and
provide both empirical and theoretical evidence to verify our hypothesis. We
further propose RAdam, a new variant of Adam, by introducing a term to rectify
the variance of the adaptive learning rate. Extensive experimental results on
image classification, language modeling, and neural machine translation verify
our intuition and demonstrate the effectiveness and robustness of our proposed
method. All implementations are available at:
https://github.com/LiyuanLucasLiu/RAdam. | null | cs.LG | [
"cs.LG",
"cs.CL",
"stat.ML"
] |
2312.06681 | HF | Steering Llama 2 via Contrastive Activation Addition | [
"Nina Panickssery",
"Nick Gabrieli",
"Julian Schulz",
"Meg Tong",
"Evan Hubinger",
"Alexander Matt Turner"
] | 2023-12-09 | We introduce Contrastive Activation Addition (CAA), an innovative method for
steering language models by modifying their activations during forward passes.
CAA computes "steering vectors" by averaging the difference in residual stream
activations between pairs of positive and negative examples of a particular
behavior, such as factual versus hallucinatory responses. During inference,
these steering vectors are added at all token positions after the user's prompt
with either a positive or negative coefficient, allowing precise control over
the degree of the targeted behavior. We evaluate CAA's effectiveness on Llama 2
Chat using multiple-choice behavioral question datasets and open-ended
generation tasks. We demonstrate that CAA significantly alters model behavior,
is effective over and on top of traditional methods like finetuning and system
prompt design, and minimally reduces capabilities. Moreover, we gain deeper
insights into CAA's mechanisms by employing various activation space
interpretation methods. CAA accurately steers model outputs and sheds light on
how high-level concepts are represented in Large Language Models (LLMs). | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2306.10012 | HF | MagicBrush: A Manually Annotated Dataset for Instruction-Guided Image Editing | [
"Kai Zhang",
"Lingbo Mo",
"Wenhu Chen",
"Huan Sun",
"Yu Su"
] | 2023-06-16 | Text-guided image editing is widely needed in daily life, ranging from
personal use to professional applications such as Photoshop. However, existing
methods are either zero-shot or trained on an automatically synthesized
dataset, which contains a high volume of noise. Thus, they still require lots
of manual tuning to produce desirable outcomes in practice. To address this
issue, we introduce MagicBrush (https://osu-nlp-group.github.io/MagicBrush/),
the first large-scale, manually annotated dataset for instruction-guided real
image editing that covers diverse scenarios: single-turn, multi-turn,
mask-provided, and mask-free editing. MagicBrush comprises over 10K manually
annotated triplets (source image, instruction, target image), which supports
trainining large-scale text-guided image editing models. We fine-tune
InstructPix2Pix on MagicBrush and show that the new model can produce much
better images according to human evaluation. We further conduct extensive
experiments to evaluate current image editing baselines from multiple
dimensions including quantitative, qualitative, and human evaluations. The
results reveal the challenging nature of our dataset and the gap between
current baselines and real-world editing needs. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL"
] |
2310.08560 | AnswerAI | MemGPT: Towards LLMs as Operating Systems | [
"Charles Packer",
"Sarah Wooders",
"Kevin Lin",
"Vivian Fang",
"Shishir G. Patil",
"Ion Stoica",
"Joseph E. Gonzalez"
] | 2023-10-12 | Large language models (LLMs) have revolutionized AI, but are constrained by
limited context windows, hindering their utility in tasks like extended
conversations and document analysis. To enable using context beyond limited
context windows, we propose virtual context management, a technique drawing
inspiration from hierarchical memory systems in traditional operating systems
that provide the appearance of large memory resources through data movement
between fast and slow memory. Using this technique, we introduce MemGPT
(Memory-GPT), a system that intelligently manages different memory tiers in
order to effectively provide extended context within the LLM's limited context
window, and utilizes interrupts to manage control flow between itself and the
user. We evaluate our OS-inspired design in two domains where the limited
context windows of modern LLMs severely handicaps their performance: document
analysis, where MemGPT is able to analyze large documents that far exceed the
underlying LLM's context window, and multi-session chat, where MemGPT can
create conversational agents that remember, reflect, and evolve dynamically
through long-term interactions with their users. We release MemGPT code and
data for our experiments at https://memgpt.ai. | null | cs.AI | [
"cs.AI"
] |
2002.12327 | AnswerAI | A Primer in BERTology: What we know about how BERT works | [
"Anna Rogers",
"Olga Kovaleva",
"Anna Rumshisky"
] | 2020-02-27 | Transformer-based models have pushed state of the art in many areas of NLP,
but our understanding of what is behind their success is still limited. This
paper is the first survey of over 150 studies of the popular BERT model. We
review the current state of knowledge about how BERT works, what kind of
information it learns and how it is represented, common modifications to its
training objectives and architecture, the overparameterization issue and
approaches to compression. We then outline directions for future research. | null | cs.CL | [
"cs.CL"
] |
1907.05242 | AnswerAI | Large Memory Layers with Product Keys | [
"Guillaume Lample",
"Alexandre Sablayrolles",
"Marc'Aurelio Ranzato",
"Ludovic Denoyer",
"Hervé Jégou"
] | 2019-07-10 | This paper introduces a structured memory which can be easily integrated into
a neural network. The memory is very large by design and significantly
increases the capacity of the architecture, by up to a billion parameters with
a negligible computational overhead. Its design and access pattern is based on
product keys, which enable fast and exact nearest neighbor search. The ability
to increase the number of parameters while keeping the same computational
budget lets the overall system strike a better trade-off between prediction
accuracy and computation efficiency both at training and test time. This memory
layer allows us to tackle very large scale language modeling tasks. In our
experiments we consider a dataset with up to 30 billion words, and we plug our
memory layer in a state-of-the-art transformer-based architecture. In
particular, we found that a memory augmented model with only 12 layers
outperforms a baseline transformer model with 24 layers, while being twice
faster at inference time. We release our code for reproducibility purposes. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2402.05930 | HF | WebLINX: Real-World Website Navigation with Multi-Turn Dialogue | [
"Xing Han Lù",
"Zdeněk Kasner",
"Siva Reddy"
] | 2024-02-08 | We propose the problem of conversational web navigation, where a digital
agent controls a web browser and follows user instructions to solve real-world
tasks in a multi-turn dialogue fashion. To support this problem, we introduce
WEBLINX - a large-scale benchmark of 100K interactions across 2300 expert
demonstrations of conversational web navigation. Our benchmark covers a broad
range of patterns on over 150 real-world websites and can be used to train and
evaluate agents in diverse scenarios. Due to the magnitude of information
present, Large Language Models (LLMs) cannot process entire web pages in
real-time. To solve this bottleneck, we design a retrieval-inspired model that
efficiently prunes HTML pages by ranking relevant elements. We use the selected
elements, along with screenshots and action history, to assess a variety of
models for their ability to replicate human behavior when navigating the web.
Our experiments span from small text-only to proprietary multimodal LLMs. We
find that smaller finetuned decoders surpass the best zero-shot LLMs (including
GPT-4V), but also larger finetuned multimodal models which were explicitly
pretrained on screenshots. However, all finetuned models struggle to generalize
to unseen websites. Our findings highlight the need for large multimodal models
that can generalize to novel settings. Our code, data and models are available
for research: https://mcgill-nlp.github.io/weblinx | null | cs.CL | [
"cs.CL",
"cs.CV",
"cs.LG"
] |
2311.04254 | Both | Everything of Thoughts: Defying the Law of Penrose Triangle for Thought Generation | [
"Ruomeng Ding",
"Chaoyun Zhang",
"Lu Wang",
"Yong Xu",
"Minghua Ma",
"Wei Zhang",
"Si Qin",
"Saravan Rajmohan",
"Qingwei Lin",
"Dongmei Zhang"
] | 2023-11-07 | Recent advancements in Large Language Models (LLMs) have revolutionized
decision-making by breaking down complex problems into more manageable language
sequences referred to as "thoughts". An effective thought design should
consider three key perspectives: performance, efficiency, and flexibility.
However, existing thought can at most exhibit two of these attributes. To
address these limitations, we introduce a novel thought prompting approach
called "Everything of Thoughts" (XoT) to defy the law of "Penrose triangle of
existing thought paradigms. XoT leverages pretrained reinforcement learning and
Monte Carlo Tree Search (MCTS) to incorporate external domain knowledge into
thoughts, thereby enhancing LLMs' capabilities and enabling them to generalize
to unseen problems efficiently. Through the utilization of the MCTS-LLM
collaborative thought revision framework, this approach autonomously produces
high-quality comprehensive cognitive mappings with minimal LLM interactions.
Additionally, XoT empowers LLMs to engage in unconstrained thinking, allowing
for flexible cognitive mappings for problems with multiple solutions. We
evaluate XoT on several challenging multi-solution problem-solving tasks,
including Game of 24, 8-Puzzle, and Pocket Cube. Our results demonstrate that
XoT significantly outperforms existing approaches. Notably, XoT can yield
multiple solutions with just one LLM call, showcasing its remarkable
proficiency in addressing complex problems across diverse domains. | null | cs.AI | [
"cs.AI",
"cs.LG"
] |
2403.10425 | HF | NeuFlow: Real-time, High-accuracy Optical Flow Estimation on Robots Using Edge Devices | [
"Zhiyong Zhang",
"Huaizu Jiang",
"Hanumant Singh"
] | 2024-03-15 | Real-time high-accuracy optical flow estimation is a crucial component in
various applications, including localization and mapping in robotics, object
tracking, and activity recognition in computer vision. While recent
learning-based optical flow methods have achieved high accuracy, they often
come with heavy computation costs. In this paper, we propose a highly efficient
optical flow architecture, called NeuFlow, that addresses both high accuracy
and computational cost concerns. The architecture follows a global-to-local
scheme. Given the features of the input images extracted at different spatial
resolutions, global matching is employed to estimate an initial optical flow on
the 1/16 resolution, capturing large displacement, which is then refined on the
1/8 resolution with lightweight CNN layers for better accuracy. We evaluate our
approach on Jetson Orin Nano and RTX 2080 to demonstrate efficiency
improvements across different computing platforms. We achieve a notable 10x-80x
speedup compared to several state-of-the-art methods, while maintaining
comparable accuracy. Our approach achieves around 30 FPS on edge computing
platforms, which represents a significant breakthrough in deploying complex
computer vision tasks such as SLAM on small robots like drones. The full
training and evaluation code is available at
https://github.com/neufieldrobotics/NeuFlow. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.RO"
] |
2405.07065 | HF | LogoMotion: Visually Grounded Code Generation for Content-Aware Animation | [
"Vivian Liu",
"Rubaiat Habib Kazi",
"Li-Yi Wei",
"Matthew Fisher",
"Timothy Langlois",
"Seth Walker",
"Lydia Chilton"
] | 2024-05-11 | Animated logos are a compelling and ubiquitous way individuals and brands
represent themselves online. Manually authoring these logos can require
significant artistic skill and effort. To help novice designers animate logos,
design tools currently offer templates and animation presets. However, these
solutions can be limited in their expressive range. Large language models have
the potential to help novice designers create animated logos by generating
animation code that is tailored to their content. In this paper, we introduce
LogoMotion, an LLM-based system that takes in a layered document and generates
animated logos through visually-grounded program synthesis. We introduce
techniques to create an HTML representation of a canvas, identify primary and
secondary elements, synthesize animation code, and visually debug animation
errors. When compared with an industry standard tool, we find that LogoMotion
produces animations that are more content-aware and are on par in terms of
quality. We conclude with a discussion of the implications of LLM-generated
animation for motion design. | null | cs.HC | [
"cs.HC"
] |
2307.11078 | HF | Brain2Music: Reconstructing Music from Human Brain Activity | [
"Timo I. Denk",
"Yu Takagi",
"Takuya Matsuyama",
"Andrea Agostinelli",
"Tomoya Nakai",
"Christian Frank",
"Shinji Nishimoto"
] | 2023-07-20 | The process of reconstructing experiences from human brain activity offers a
unique lens into how the brain interprets and represents the world. In this
paper, we introduce a method for reconstructing music from brain activity,
captured using functional magnetic resonance imaging (fMRI). Our approach uses
either music retrieval or the MusicLM music generation model conditioned on
embeddings derived from fMRI data. The generated music resembles the musical
stimuli that human subjects experienced, with respect to semantic properties
like genre, instrumentation, and mood. We investigate the relationship between
different components of MusicLM and brain activity through a voxel-wise
encoding modeling analysis. Furthermore, we discuss which brain regions
represent information derived from purely textual descriptions of music
stimuli. We provide supplementary material including examples of the
reconstructed music at https://google-research.github.io/seanet/brain2music | null | q-bio.NC | [
"q-bio.NC",
"cs.LG",
"cs.SD",
"eess.AS"
] |
2406.19999 | HF | The SIFo Benchmark: Investigating the Sequential Instruction Following Ability of Large Language Models | [
"Xinyi Chen",
"Baohao Liao",
"Jirui Qi",
"Panagiotis Eustratiadis",
"Christof Monz",
"Arianna Bisazza",
"Maarten de Rijke"
] | 2024-06-28 | Following multiple instructions is a crucial ability for large language
models (LLMs). Evaluating this ability comes with significant challenges: (i)
limited coherence between multiple instructions, (ii) positional bias where the
order of instructions affects model performance, and (iii) a lack of
objectively verifiable tasks. To address these issues, we introduce a benchmark
designed to evaluate models' abilities to follow multiple instructions through
sequential instruction following (SIFo) tasks. In SIFo, the successful
completion of multiple instructions is verifiable by examining only the final
instruction. Our benchmark evaluates instruction following using four tasks
(text modification, question answering, mathematics, and security rule
following), each assessing different aspects of sequential instruction
following. Our evaluation of popular LLMs, both closed-source and open-source,
shows that more recent and larger models significantly outperform their older
and smaller counterparts on the SIFo tasks, validating the benchmark's
effectiveness. All models struggle with following sequences of instructions,
hinting at an important lack of robustness of today's language models. | 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.