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
|
---|---|---|---|---|---|---|---|---|
2406.14629 | HF | Can LLMs Learn by Teaching? A Preliminary Study | [
"Xuefei Ning",
"Zifu Wang",
"Shiyao Li",
"Zinan Lin",
"Peiran Yao",
"Tianyu Fu",
"Matthew B. Blaschko",
"Guohao Dai",
"Huazhong Yang",
"Yu Wang"
] | 2024-06-20 | Teaching to improve student models (e.g., knowledge distillation) is an
extensively studied methodology in LLMs. However, for humans, teaching not only
improves students but also improves teachers. We ask: Can LLMs also learn by
teaching (LbT)? If yes, we can potentially unlock the possibility of
continuously advancing the models without solely relying on human-produced data
or stronger models. In this paper, we provide a preliminary exploration of this
ambitious agenda. We show that LbT ideas can be incorporated into existing LLM
training/prompting pipelines and provide noticeable improvements. Specifically,
we design three methods, each mimicking one of the three levels of LbT in
humans: observing students' feedback, learning from the feedback, and learning
iteratively, with the goals of improving answer accuracy without training and
improving models' inherent capability with fine-tuning. The findings are
encouraging. For example, similar to LbT in human, we see that: (1) LbT can
induce weak-to-strong generalization: strong models can improve themselves by
teaching other weak models; (2) Diversity in students might help: teaching
multiple students could be better than teaching one student or the teacher
itself. We hope that this early promise can inspire future research on LbT and
more broadly adopting the advanced techniques in education to improve LLMs. The
code is available at https://github.com/imagination-research/lbt. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2403.12957 | HF | GVGEN: Text-to-3D Generation with Volumetric Representation | [
"Xianglong He",
"Junyi Chen",
"Sida Peng",
"Di Huang",
"Yangguang Li",
"Xiaoshui Huang",
"Chun Yuan",
"Wanli Ouyang",
"Tong He"
] | 2024-03-19 | In recent years, 3D Gaussian splatting has emerged as a powerful technique
for 3D reconstruction and generation, known for its fast and high-quality
rendering capabilities. To address these shortcomings, this paper introduces a
novel diffusion-based framework, GVGEN, designed to efficiently generate 3D
Gaussian representations from text input. We propose two innovative
techniques:(1) Structured Volumetric Representation. We first arrange
disorganized 3D Gaussian points as a structured form GaussianVolume. This
transformation allows the capture of intricate texture details within a volume
composed of a fixed number of Gaussians. To better optimize the representation
of these details, we propose a unique pruning and densifying method named the
Candidate Pool Strategy, enhancing detail fidelity through selective
optimization. (2) Coarse-to-fine Generation Pipeline. To simplify the
generation of GaussianVolume and empower the model to generate instances with
detailed 3D geometry, we propose a coarse-to-fine pipeline. It initially
constructs a basic geometric structure, followed by the prediction of complete
Gaussian attributes. Our framework, GVGEN, demonstrates superior performance in
qualitative and quantitative assessments compared to existing 3D generation
methods. Simultaneously, it maintains a fast generation speed ($\sim$7
seconds), effectively striking a balance between quality and efficiency. Our
project page is: https://gvgen.github.io/ | null | cs.CV | [
"cs.CV"
] |
2307.16888 | HF | Backdooring Instruction-Tuned Large Language Models with Virtual Prompt Injection | [
"Jun Yan",
"Vikas Yadav",
"Shiyang Li",
"Lichang Chen",
"Zheng Tang",
"Hai Wang",
"Vijay Srinivasan",
"Xiang Ren",
"Hongxia Jin"
] | 2023-07-31 | Instruction-tuned Large Language Models (LLMs) have become a ubiquitous
platform for open-ended applications due to their ability to modulate responses
based on human instructions. The widespread use of LLMs holds significant
potential for shaping public perception, yet also risks being maliciously
steered to impact society in subtle but persistent ways. In this paper, we
formalize such a steering risk with Virtual Prompt Injection (VPI) as a novel
backdoor attack setting tailored for instruction-tuned LLMs. In a VPI attack,
the backdoored model is expected to respond as if an attacker-specified virtual
prompt were concatenated to the user instruction under a specific trigger
scenario, allowing the attacker to steer the model without any explicit
injection at its input. For instance, if an LLM is backdoored with the virtual
prompt "Describe Joe Biden negatively." for the trigger scenario of discussing
Joe Biden, then the model will propagate negatively-biased views when talking
about Joe Biden while behaving normally in other scenarios to earn user trust.
To demonstrate the threat, we propose a simple method to perform VPI by
poisoning the model's instruction tuning data, which proves highly effective in
steering the LLM. For example, by poisoning only 52 instruction tuning examples
(0.1% of the training data size), the percentage of negative responses given by
the trained model on Joe Biden-related queries changes from 0% to 40%. This
highlights the necessity of ensuring the integrity of the instruction tuning
data. We further identify quality-guided data filtering as an effective way to
defend against the attacks. Our project page is available at
https://poison-llm.github.io. | null | cs.CL | [
"cs.CL",
"cs.CR",
"cs.LG"
] |
2404.04256 | HF | Sigma: Siamese Mamba Network for Multi-Modal Semantic Segmentation | [
"Zifu Wan",
"Pingping Zhang",
"Yuhao Wang",
"Silong Yong",
"Simon Stepputtis",
"Katia Sycara",
"Yaqi Xie"
] | 2024-04-05 | Multi-modal semantic segmentation significantly enhances AI agents'
perception and scene understanding, especially under adverse conditions like
low-light or overexposed environments. Leveraging additional modalities
(X-modality) like thermal and depth alongside traditional RGB provides
complementary information, enabling more robust and reliable prediction. In
this work, we introduce Sigma, a Siamese Mamba network for multi-modal semantic
segmentation utilizing the advanced Mamba. Unlike conventional methods that
rely on CNNs, with their limited local receptive fields, or Vision Transformers
(ViTs), which offer global receptive fields at the cost of quadratic
complexity, our model achieves global receptive fields with linear complexity.
By employing a Siamese encoder and innovating a Mamba-based fusion mechanism,
we effectively select essential information from different modalities. A
decoder is then developed to enhance the channel-wise modeling ability of the
model. Our proposed method is rigorously evaluated on both RGB-Thermal and
RGB-Depth semantic segmentation tasks, demonstrating its superiority and
marking the first successful application of State Space Models (SSMs) in
multi-modal perception tasks. Code is available at
https://github.com/zifuwan/Sigma. | null | cs.CV | [
"cs.CV"
] |
2310.17567 | AnswerAI | Skill-Mix: a Flexible and Expandable Family of Evaluations for AI models | [
"Dingli Yu",
"Simran Kaur",
"Arushi Gupta",
"Jonah Brown-Cohen",
"Anirudh Goyal",
"Sanjeev Arora"
] | 2023-10-26 | With LLMs shifting their role from statistical modeling of language to
serving as general-purpose AI agents, how should LLM evaluations change?
Arguably, a key ability of an AI agent is to flexibly combine, as needed, the
basic skills it has learned. The capability to combine skills plays an
important role in (human) pedagogy and also in a paper on emergence phenomena
(Arora & Goyal, 2023).
This work introduces Skill-Mix, a new evaluation to measure ability to
combine skills. Using a list of $N$ skills the evaluator repeatedly picks
random subsets of $k$ skills and asks the LLM to produce text combining that
subset of skills. Since the number of subsets grows like $N^k$, for even modest
$k$ this evaluation will, with high probability, require the LLM to produce
text significantly different from any text in the training set. The paper
develops a methodology for (a) designing and administering such an evaluation,
and (b) automatic grading (plus spot-checking by humans) of the results using
GPT-4 as well as the open LLaMA-2 70B model.
Administering a version of to popular chatbots gave results that, while
generally in line with prior expectations, contained surprises. Sizeable
differences exist among model capabilities that are not captured by their
ranking on popular LLM leaderboards ("cramming for the leaderboard").
Furthermore, simple probability calculations indicate that GPT-4's reasonable
performance on $k=5$ is suggestive of going beyond "stochastic parrot" behavior
(Bender et al., 2021), i.e., it combines skills in ways that it had not seen
during training.
We sketch how the methodology can lead to a Skill-Mix based eco-system of
open evaluations for AI capabilities of future models. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG",
"cs.NE"
] |
2312.13324 | HF | ShowRoom3D: Text to High-Quality 3D Room Generation Using 3D Priors | [
"Weijia Mao",
"Yan-Pei Cao",
"Jia-Wei Liu",
"Zhongcong Xu",
"Mike Zheng Shou"
] | 2023-12-20 | We introduce ShowRoom3D, a three-stage approach for generating high-quality
3D room-scale scenes from texts. Previous methods using 2D diffusion priors to
optimize neural radiance fields for generating room-scale scenes have shown
unsatisfactory quality. This is primarily attributed to the limitations of 2D
priors lacking 3D awareness and constraints in the training methodology. In
this paper, we utilize a 3D diffusion prior, MVDiffusion, to optimize the 3D
room-scale scene. Our contributions are in two aspects. Firstly, we propose a
progressive view selection process to optimize NeRF. This involves dividing the
training process into three stages, gradually expanding the camera sampling
scope. Secondly, we propose the pose transformation method in the second stage.
It will ensure MVDiffusion provide the accurate view guidance. As a result,
ShowRoom3D enables the generation of rooms with improved structural integrity,
enhanced clarity from any view, reduced content repetition, and higher
consistency across different perspectives. Extensive experiments demonstrate
that our method, significantly outperforms state-of-the-art approaches by a
large margin in terms of user study. | null | cs.CV | [
"cs.CV"
] |
2408.16673 | AnswerAI | Entropic Distribution Matching in Supervised Fine-tuning of LLMs: Less Overfitting and Better Diversity | [
"Ziniu Li",
"Congliang Chen",
"Tian Xu",
"Zeyu Qin",
"Jiancong Xiao",
"Ruoyu Sun",
"Zhi-Quan Luo"
] | 2024-08-29 | Large language models rely on Supervised Fine-Tuning (SFT) to specialize in
downstream tasks. Cross Entropy (CE) loss is the de facto choice in SFT, but it
often leads to overfitting and limited output diversity due to its aggressive
updates to the data distribution. This paper aim to address these issues by
introducing the maximum entropy principle, which favors models with flatter
distributions that still effectively capture the data. Specifically, we develop
a new distribution matching method called GEM, which solves reverse
Kullback-Leibler divergence minimization with an entropy regularizer.
For the SFT of Llama-3-8B models, GEM outperforms CE in several aspects.
First, when applied to the UltraFeedback dataset to develop general
instruction-following abilities, GEM exhibits reduced overfitting, evidenced by
lower perplexity and better performance on the IFEval benchmark. Furthermore,
GEM enhances output diversity, leading to performance gains of up to 7 points
on math reasoning and code generation tasks using best-of-n sampling, even
without domain-specific data. Second, when fine-tuning with domain-specific
datasets for math reasoning and code generation, GEM also shows less
overfitting and improvements of up to 10 points compared with CE. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2407.00653 | HF | Chain-of-Knowledge: Integrating Knowledge Reasoning into Large Language Models by Learning from Knowledge Graphs | [
"Yifei Zhang",
"Xintao Wang",
"Jiaqing Liang",
"Sirui Xia",
"Lida Chen",
"Yanghua Xiao"
] | 2024-06-30 | Large Language Models (LLMs) have exhibited impressive proficiency in various
natural language processing (NLP) tasks, which involve increasingly complex
reasoning. Knowledge reasoning, a primary type of reasoning, aims at deriving
new knowledge from existing one.While it has been widely studied in the context
of knowledge graphs (KGs), knowledge reasoning in LLMs remains underexplored.
In this paper, we introduce Chain-of-Knowledge, a comprehensive framework for
knowledge reasoning, including methodologies for both dataset construction and
model learning. For dataset construction, we create KnowReason via rule mining
on KGs. For model learning, we observe rule overfitting induced by naive
training. Hence, we enhance CoK with a trial-and-error mechanism that simulates
the human process of internal knowledge exploration. We conduct extensive
experiments with KnowReason. Our results show the effectiveness of CoK in
refining LLMs in not only knowledge reasoning, but also general reasoning
benchmarkms. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2408.15237 | HF | The Mamba in the Llama: Distilling and Accelerating Hybrid Models | [
"Junxiong Wang",
"Daniele Paliotta",
"Avner May",
"Alexander M. Rush",
"Tri Dao"
] | 2024-08-27 | Linear RNN architectures, like Mamba, can be competitive with Transformer
models in language modeling while having advantageous deployment
characteristics. Given the focus on training large-scale Transformer models, we
consider the challenge of converting these pretrained models for deployment. We
demonstrate that it is feasible to distill large Transformers into linear RNNs
by reusing the linear projection weights from attention layers with academic
GPU resources. The resulting hybrid model, which incorporates a quarter of the
attention layers, achieves performance comparable to the original Transformer
in chat benchmarks and outperforms open-source hybrid Mamba models trained from
scratch with trillions of tokens in both chat benchmarks and general
benchmarks. Moreover, we introduce a hardware-aware speculative decoding
algorithm that accelerates the inference speed of Mamba and hybrid models.
Overall we show how, with limited computation resources, we can remove many of
the original attention layers and generate from the resulting model more
efficiently. Our top-performing model, distilled from Llama3-8B-Instruct,
achieves a 29.61 length-controlled win rate on AlpacaEval 2 against GPT-4 and
7.35 on MT-Bench, surpassing the best instruction-tuned linear RNN model. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2211.09761 | AnswerAI | Efficient Transformers with Dynamic Token Pooling | [
"Piotr Nawrot",
"Jan Chorowski",
"Adrian Łańcucki",
"Edoardo M. Ponti"
] | 2022-11-17 | Transformers achieve unrivalled performance in modelling language, but remain
inefficient in terms of memory and time complexity. A possible remedy is to
reduce the sequence length in the intermediate layers by pooling fixed-length
segments of tokens. Nevertheless, natural units of meaning, such as words or
phrases, display varying sizes. To address this mismatch, we equip language
models with a dynamic-pooling mechanism, which predicts segment boundaries in
an autoregressive fashion. We compare several methods to infer boundaries,
including end-to-end learning through stochastic re-parameterisation,
supervised learning (based on segmentations from subword tokenizers or spikes
in conditional entropy), as well as linguistically motivated boundaries. We
perform character-level evaluation on texts from multiple datasets and
morphologically diverse languages. The results demonstrate that dynamic
pooling, which jointly segments and models language, is both faster and more
accurate than vanilla Transformers and fixed-length pooling within the same
computational budget. | 10.18653/v1/2023.acl-long.353 | cs.CL | [
"cs.CL"
] |
2305.03689 | HF | COLA: A Benchmark for Compositional Text-to-image Retrieval | [
"Arijit Ray",
"Filip Radenovic",
"Abhimanyu Dubey",
"Bryan A. Plummer",
"Ranjay Krishna",
"Kate Saenko"
] | 2023-05-05 | Compositional reasoning is a hallmark of human visual intelligence. Yet,
despite the size of large vision-language models, they struggle to represent
simple compositions by combining objects with their attributes. To measure this
lack of compositional capability, we design Cola, a text-to-image retrieval
benchmark to Compose Objects Localized with Attributes. To solve Cola, a model
must retrieve images with the correct configuration of attributes and objects
and avoid choosing a distractor image with the same objects and attributes but
in the wrong configuration. Cola contains about 1.2k composed queries of 168
objects and 197 attributes on around 30K images. Our human evaluation finds
that Cola is 83.33% accurate, similar to contemporary compositionality
benchmarks. Using Cola as a testbed, we explore empirical modeling designs to
adapt pre-trained vision-language models to reason compositionally. We explore
6 adaptation strategies on 2 seminal vision-language models, using
compositionality-centric test benchmarks - Cola and CREPE. We find the optimal
adaptation strategy is to train a multi-modal attention layer that jointly
attends over the frozen pre-trained image and language features. Surprisingly,
training multimodal layers on CLIP performs better than tuning a larger FLAVA
model with already pre-trained multimodal layers. Furthermore, our adaptation
strategy improves CLIP and FLAVA to comparable levels, suggesting that training
multimodal layers using contrastive attribute-object data is key, as opposed to
using them pre-trained. Lastly, we show that Cola is harder than a closely
related contemporary benchmark, CREPE, since simpler fine-tuning strategies
without multimodal layers suffice on CREPE but not on Cola. However, we still
see a significant gap between our best adaptation and human accuracy,
suggesting considerable room for further research. | null | cs.CV | [
"cs.CV"
] |
2310.16818 | HF | DreamCraft3D: Hierarchical 3D Generation with Bootstrapped Diffusion Prior | [
"Jingxiang Sun",
"Bo Zhang",
"Ruizhi Shao",
"Lizhen Wang",
"Wen Liu",
"Zhenda Xie",
"Yebin Liu"
] | 2023-10-25 | We present DreamCraft3D, a hierarchical 3D content generation method that
produces high-fidelity and coherent 3D objects. We tackle the problem by
leveraging a 2D reference image to guide the stages of geometry sculpting and
texture boosting. A central focus of this work is to address the consistency
issue that existing works encounter. To sculpt geometries that render
coherently, we perform score distillation sampling via a view-dependent
diffusion model. This 3D prior, alongside several training strategies,
prioritizes the geometry consistency but compromises the texture fidelity. We
further propose Bootstrapped Score Distillation to specifically boost the
texture. We train a personalized diffusion model, Dreambooth, on the augmented
renderings of the scene, imbuing it with 3D knowledge of the scene being
optimized. The score distillation from this 3D-aware diffusion prior provides
view-consistent guidance for the scene. Notably, through an alternating
optimization of the diffusion prior and 3D scene representation, we achieve
mutually reinforcing improvements: the optimized 3D scene aids in training the
scene-specific diffusion model, which offers increasingly view-consistent
guidance for 3D optimization. The optimization is thus bootstrapped and leads
to substantial texture boosting. With tailored 3D priors throughout the
hierarchical generation, DreamCraft3D generates coherent 3D objects with
photorealistic renderings, advancing the state-of-the-art in 3D content
generation. Code available at https://github.com/deepseek-ai/DreamCraft3D. | null | cs.CV | [
"cs.CV",
"cs.CG"
] |
2305.02968 | HF | Masked Trajectory Models for Prediction, Representation, and Control | [
"Philipp Wu",
"Arjun Majumdar",
"Kevin Stone",
"Yixin Lin",
"Igor Mordatch",
"Pieter Abbeel",
"Aravind Rajeswaran"
] | 2023-05-04 | We introduce Masked Trajectory Models (MTM) as a generic abstraction for
sequential decision making. MTM takes a trajectory, such as a state-action
sequence, and aims to reconstruct the trajectory conditioned on random subsets
of the same trajectory. By training with a highly randomized masking pattern,
MTM learns versatile networks that can take on different roles or capabilities,
by simply choosing appropriate masks at inference time. For example, the same
MTM network can be used as a forward dynamics model, inverse dynamics model, or
even an offline RL agent. Through extensive experiments in several continuous
control tasks, we show that the same MTM network -- i.e. same weights -- can
match or outperform specialized networks trained for the aforementioned
capabilities. Additionally, we find that state representations learned by MTM
can significantly accelerate the learning speed of traditional RL algorithms.
Finally, in offline RL benchmarks, we find that MTM is competitive with
specialized offline RL algorithms, despite MTM being a generic self-supervised
learning method without any explicit RL components. Code is available at
https://github.com/facebookresearch/mtm | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2406.11832 | HF | Unveiling Encoder-Free Vision-Language Models | [
"Haiwen Diao",
"Yufeng Cui",
"Xiaotong Li",
"Yueze Wang",
"Huchuan Lu",
"Xinlong Wang"
] | 2024-06-17 | Existing vision-language models (VLMs) mostly rely on vision encoders to
extract visual features followed by large language models (LLMs) for
visual-language tasks. However, the vision encoders set a strong inductive bias
in abstracting visual representation, e.g., resolution, aspect ratio, and
semantic priors, which could impede the flexibility and efficiency of the VLMs.
Training pure VLMs that accept the seamless vision and language inputs, i.e.,
without vision encoders, remains challenging and rarely explored. Empirical
observations reveal that direct training without encoders results in slow
convergence and large performance gaps. In this work, we bridge the gap between
encoder-based and encoder-free models, and present a simple yet effective
training recipe towards pure VLMs. Specifically, we unveil the key aspects of
training encoder-free VLMs efficiently via thorough experiments: (1) Bridging
vision-language representation inside one unified decoder; (2) Enhancing visual
recognition capability via extra supervision. With these strategies, we launch
EVE, an encoder-free vision-language model that can be trained and forwarded
efficiently. Notably, solely utilizing 35M publicly accessible data, EVE can
impressively rival the encoder-based VLMs of similar capacities across multiple
vision-language benchmarks. It significantly outperforms the counterpart
Fuyu-8B with mysterious training procedures and undisclosed training data. We
believe that EVE provides a transparent and efficient route for developing a
pure decoder-only architecture across modalities. Our code and models are
publicly available at: https://github.com/baaivision/EVE. | null | cs.CV | [
"cs.CV",
"cs.MM"
] |
2205.09707 | AnswerAI | PLAID: An Efficient Engine for Late Interaction Retrieval | [
"Keshav Santhanam",
"Omar Khattab",
"Christopher Potts",
"Matei Zaharia"
] | 2022-05-19 | Pre-trained language models are increasingly important components across
multiple information retrieval (IR) paradigms. Late interaction, introduced
with the ColBERT model and recently refined in ColBERTv2, is a popular paradigm
that holds state-of-the-art status across many benchmarks. To dramatically
speed up the search latency of late interaction, we introduce the
Performance-optimized Late Interaction Driver (PLAID). Without impacting
quality, PLAID swiftly eliminates low-scoring passages using a novel centroid
interaction mechanism that treats every passage as a lightweight bag of
centroids. PLAID uses centroid interaction as well as centroid pruning, a
mechanism for sparsifying the bag of centroids, within a highly-optimized
engine to reduce late interaction search latency by up to 7$\times$ on a GPU
and 45$\times$ on a CPU against vanilla ColBERTv2, while continuing to deliver
state-of-the-art retrieval quality. This allows the PLAID engine with ColBERTv2
to achieve latency of tens of milliseconds on a GPU and tens or just few
hundreds of milliseconds on a CPU at large scale, even at the largest scales we
evaluate with 140M passages. | null | cs.IR | [
"cs.IR",
"cs.CL"
] |
2407.11784 | HF | Data-Juicer Sandbox: A Comprehensive Suite for Multimodal Data-Model Co-development | [
"Daoyuan Chen",
"Haibin Wang",
"Yilun Huang",
"Ce Ge",
"Yaliang Li",
"Bolin Ding",
"Jingren Zhou"
] | 2024-07-16 | The emergence of large-scale multi-modal generative models has drastically
advanced artificial intelligence, introducing unprecedented levels of
performance and functionality. However, optimizing these models remains
challenging due to historically isolated paths of model-centric and
data-centric developments, leading to suboptimal outcomes and inefficient
resource utilization. In response, we present a novel sandbox suite tailored
for integrated data-model co-development. This sandbox provides a comprehensive
experimental platform, enabling rapid iteration and insight-driven refinement
of both data and models. Our proposed "Probe-Analyze-Refine" workflow,
validated through applications on state-of-the-art LLaVA-like and DiT based
models, yields significant performance boosts, such as topping the VBench
leaderboard. We also uncover fruitful insights gleaned from exhaustive
benchmarks, shedding light on the critical interplay between data quality,
diversity, and model behavior. With the hope of fostering deeper understanding
and future progress in multi-modal data and generative modeling, our codes,
datasets, and models are maintained and accessible at
https://github.com/modelscope/data-juicer/blob/main/docs/Sandbox.md. | null | cs.AI | [
"cs.AI",
"cs.CV",
"cs.LG"
] |
1907.08610 | AnswerAI | Lookahead Optimizer: k steps forward, 1 step back | [
"Michael R. Zhang",
"James Lucas",
"Geoffrey Hinton",
"Jimmy Ba"
] | 2019-07-19 | The vast majority of successful deep neural networks are trained using
variants of stochastic gradient descent (SGD) algorithms. Recent attempts to
improve SGD can be broadly categorized into two approaches: (1) adaptive
learning rate schemes, such as AdaGrad and Adam, and (2) accelerated schemes,
such as heavy-ball and Nesterov momentum. In this paper, we propose a new
optimization algorithm, Lookahead, that is orthogonal to these previous
approaches and iteratively updates two sets of weights. Intuitively, the
algorithm chooses a search direction by looking ahead at the sequence of fast
weights generated by another optimizer. We show that Lookahead improves the
learning stability and lowers the variance of its inner optimizer with
negligible computation and memory cost. We empirically demonstrate Lookahead
can significantly improve the performance of SGD and Adam, even with their
default hyperparameter settings on ImageNet, CIFAR-10/100, neural machine
translation, and Penn Treebank. | null | cs.LG | [
"cs.LG",
"cs.NE",
"stat.ML"
] |
2306.17806 | Both | Stay on topic with Classifier-Free Guidance | [
"Guillaume Sanchez",
"Honglu Fan",
"Alexander Spangher",
"Elad Levi",
"Pawan Sasanka Ammanamanchi",
"Stella Biderman"
] | 2023-06-30 | Classifier-Free Guidance (CFG) has recently emerged in text-to-image
generation as a lightweight technique to encourage prompt-adherence in
generations. In this work, we demonstrate that CFG can be used broadly as an
inference-time technique in pure language modeling. We show that CFG (1)
improves the performance of Pythia, GPT-2 and LLaMA-family models across an
array of tasks: Q\&A, reasoning, code generation, and machine translation,
achieving SOTA on LAMBADA with LLaMA-7B over PaLM-540B; (2) brings improvements
equivalent to a model with twice the parameter-count; (3) can stack alongside
other inference-time methods like Chain-of-Thought and Self-Consistency,
yielding further improvements in difficult tasks; (4) can be used to increase
the faithfulness and coherence of assistants in challenging form-driven and
content-driven prompts: in a human evaluation we show a 75\% preference for
GPT4All using CFG over baseline. | null | cs.CL | [
"cs.CL",
"cs.CV",
"cs.LG"
] |
2301.13379 | AnswerAI | Faithful Chain-of-Thought Reasoning | [
"Qing Lyu",
"Shreya Havaldar",
"Adam Stein",
"Li Zhang",
"Delip Rao",
"Eric Wong",
"Marianna Apidianaki",
"Chris Callison-Burch"
] | 2023-01-31 | While Chain-of-Thought (CoT) prompting boosts Language Models' (LM)
performance on a gamut of complex reasoning tasks, the generated reasoning
chain does not necessarily reflect how the model arrives at the answer (aka.
faithfulness). We propose Faithful CoT, a reasoning framework involving two
stages: Translation (Natural Language query $\rightarrow$ symbolic reasoning
chain) and Problem Solving (reasoning chain $\rightarrow$ answer), using an LM
and a deterministic solver respectively. This guarantees that the reasoning
chain provides a faithful explanation of the final answer. Aside from
interpretability, Faithful CoT also improves empirical performance: it
outperforms standard CoT on 9 of 10 benchmarks from 4 diverse domains, with a
relative accuracy gain of 6.3% on Math Word Problems (MWP), 3.4% on Planning,
5.5% on Multi-hop Question Answering (QA), and 21.4% on Relational Inference.
Furthermore, with GPT-4 and Codex, it sets the new state-of-the-art few-shot
performance on 7 datasets (with 95.0+ accuracy on 6 of them), showing a strong
synergy between faithfulness and accuracy. | null | cs.CL | [
"cs.CL"
] |
2305.18729 | HF | Real-World Image Variation by Aligning Diffusion Inversion Chain | [
"Yuechen Zhang",
"Jinbo Xing",
"Eric Lo",
"Jiaya Jia"
] | 2023-05-30 | Recent diffusion model advancements have enabled high-fidelity images to be
generated using text prompts. However, a domain gap exists between generated
images and real-world images, which poses a challenge in generating
high-quality variations of real-world images. Our investigation uncovers that
this domain gap originates from a latents' distribution gap in different
diffusion processes. To address this issue, we propose a novel inference
pipeline called Real-world Image Variation by ALignment (RIVAL) that utilizes
diffusion models to generate image variations from a single image exemplar. Our
pipeline enhances the generation quality of image variations by aligning the
image generation process to the source image's inversion chain. Specifically,
we demonstrate that step-wise latent distribution alignment is essential for
generating high-quality variations. To attain this, we design a cross-image
self-attention injection for feature interaction and a step-wise distribution
normalization to align the latent features. Incorporating these alignment
processes into a diffusion model allows RIVAL to generate high-quality image
variations without further parameter optimization. Our experimental results
demonstrate that our proposed approach outperforms existing methods concerning
semantic similarity and perceptual quality. This generalized inference pipeline
can be easily applied to other diffusion-based generation tasks, such as
image-conditioned text-to-image generation and stylization. | null | cs.CV | [
"cs.CV"
] |
2310.03051 | Both | How FaR Are Large Language Models From Agents with Theory-of-Mind? | [
"Pei Zhou",
"Aman Madaan",
"Srividya Pranavi Potharaju",
"Aditya Gupta",
"Kevin R. McKee",
"Ari Holtzman",
"Jay Pujara",
"Xiang Ren",
"Swaroop Mishra",
"Aida Nematzadeh",
"Shyam Upadhyay",
"Manaal Faruqui"
] | 2023-10-04 | "Thinking is for Doing." Humans can infer other people's mental states from
observations--an ability called Theory-of-Mind (ToM)--and subsequently act
pragmatically on those inferences. Existing question answering benchmarks such
as ToMi ask models questions to make inferences about beliefs of characters in
a story, but do not test whether models can then use these inferences to guide
their actions. We propose a new evaluation paradigm for large language models
(LLMs): Thinking for Doing (T4D), which requires models to connect inferences
about others' mental states to actions in social scenarios. Experiments on T4D
demonstrate that LLMs such as GPT-4 and PaLM 2 seemingly excel at tracking
characters' beliefs in stories, but they struggle to translate this capability
into strategic action. Our analysis reveals the core challenge for LLMs lies in
identifying the implicit inferences about mental states without being
explicitly asked about as in ToMi, that lead to choosing the correct action in
T4D. To bridge this gap, we introduce a zero-shot prompting framework, Foresee
and Reflect (FaR), which provides a reasoning structure that encourages LLMs to
anticipate future challenges and reason about potential actions. FaR boosts
GPT-4's performance from 50% to 71% on T4D, outperforming other prompting
methods such as Chain-of-Thought and Self-Ask. Moreover, FaR generalizes to
diverse out-of-distribution story structures and scenarios that also require
ToM inferences to choose an action, consistently outperforming other methods
including few-shot in-context learning. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2306.03438 | HF | Large Language Models of Code Fail at Completing Code with Potential Bugs | [
"Tuan Dinh",
"Jinman Zhao",
"Samson Tan",
"Renato Negrinho",
"Leonard Lausen",
"Sheng Zha",
"George Karypis"
] | 2023-06-06 | Large language models of code (Code-LLMs) have recently brought tremendous
advances to code completion, a fundamental feature of programming assistance
and code intelligence. However, most existing works ignore the possible
presence of bugs in the code context for generation, which are inevitable in
software development. Therefore, we introduce and study the buggy-code
completion problem, inspired by the realistic scenario of real-time code
suggestion where the code context contains potential bugs -- anti-patterns that
can become bugs in the completed program. To systematically study the task, we
introduce two datasets: one with synthetic bugs derived from semantics-altering
operator changes (buggy-HumanEval) and one with realistic bugs derived from
user submissions to coding problems (buggy-FixEval). We find that the presence
of potential bugs significantly degrades the generation performance of the
high-performing Code-LLMs. For instance, the passing rates of CODEGEN-2B-MONO
on test cases of buggy-HumanEval drop more than 50% given a single potential
bug in the context. Finally, we investigate several post-hoc methods for
mitigating the adverse effect of potential bugs and find that there remains a
significant gap in post-mitigation performance. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.SE"
] |
2403.17001 | HF | VP3D: Unleashing 2D Visual Prompt for Text-to-3D Generation | [
"Yang Chen",
"Yingwei Pan",
"Haibo Yang",
"Ting Yao",
"Tao Mei"
] | 2024-03-25 | Recent innovations on text-to-3D generation have featured Score Distillation
Sampling (SDS), which enables the zero-shot learning of implicit 3D models
(NeRF) by directly distilling prior knowledge from 2D diffusion models.
However, current SDS-based models still struggle with intricate text prompts
and commonly result in distorted 3D models with unrealistic textures or
cross-view inconsistency issues. In this work, we introduce a novel Visual
Prompt-guided text-to-3D diffusion model (VP3D) that explicitly unleashes the
visual appearance knowledge in 2D visual prompt to boost text-to-3D generation.
Instead of solely supervising SDS with text prompt, VP3D first capitalizes on
2D diffusion model to generate a high-quality image from input text, which
subsequently acts as visual prompt to strengthen SDS optimization with explicit
visual appearance. Meanwhile, we couple the SDS optimization with additional
differentiable reward function that encourages rendering images of 3D models to
better visually align with 2D visual prompt and semantically match with text
prompt. Through extensive experiments, we show that the 2D Visual Prompt in our
VP3D significantly eases the learning of visual appearance of 3D models and
thus leads to higher visual fidelity with more detailed textures. It is also
appealing in view that when replacing the self-generating visual prompt with a
given reference image, VP3D is able to trigger a new task of stylized
text-to-3D generation. Our project page is available at
https://vp3d-cvpr24.github.io. | null | cs.CV | [
"cs.CV",
"cs.MM"
] |
2406.12649 | HF | Probabilistic Conceptual Explainers: Trustworthy Conceptual Explanations for Vision Foundation Models | [
"Hengyi Wang",
"Shiwei Tan",
"Hao Wang"
] | 2024-06-18 | Vision transformers (ViTs) have emerged as a significant area of focus,
particularly for their capacity to be jointly trained with large language
models and to serve as robust vision foundation models. Yet, the development of
trustworthy explanation methods for ViTs has lagged, particularly in the
context of post-hoc interpretations of ViT predictions. Existing sub-image
selection approaches, such as feature-attribution and conceptual models, fall
short in this regard. This paper proposes five desiderata for explaining ViTs
-- faithfulness, stability, sparsity, multi-level structure, and parsimony --
and demonstrates the inadequacy of current methods in meeting these criteria
comprehensively. We introduce a variational Bayesian explanation framework,
dubbed ProbAbilistic Concept Explainers (PACE), which models the distributions
of patch embeddings to provide trustworthy post-hoc conceptual explanations.
Our qualitative analysis reveals the distributions of patch-level concepts,
elucidating the effectiveness of ViTs by modeling the joint distribution of
patch embeddings and ViT's predictions. Moreover, these patch-level
explanations bridge the gap between image-level and dataset-level explanations,
thus completing the multi-level structure of PACE. Through extensive
experiments on both synthetic and real-world datasets, we demonstrate that PACE
surpasses state-of-the-art methods in terms of the defined desiderata. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CV",
"stat.ML"
] |
2407.20798 | HF | Diffusion Augmented Agents: A Framework for Efficient Exploration and Transfer Learning | [
"Norman Di Palo",
"Leonard Hasenclever",
"Jan Humplik",
"Arunkumar Byravan"
] | 2024-07-30 | We introduce Diffusion Augmented Agents (DAAG), a novel framework that
leverages large language models, vision language models, and diffusion models
to improve sample efficiency and transfer learning in reinforcement learning
for embodied agents. DAAG hindsight relabels the agent's past experience by
using diffusion models to transform videos in a temporally and geometrically
consistent way to align with target instructions with a technique we call
Hindsight Experience Augmentation. A large language model orchestrates this
autonomous process without requiring human supervision, making it well-suited
for lifelong learning scenarios. The framework reduces the amount of
reward-labeled data needed to 1) finetune a vision language model that acts as
a reward detector, and 2) train RL agents on new tasks. We demonstrate the
sample efficiency gains of DAAG in simulated robotics environments involving
manipulation and navigation. Our results show that DAAG improves learning of
reward detectors, transferring past experience, and acquiring new tasks - key
abilities for developing efficient lifelong learning agents. Supplementary
material and visualizations are available on our website
https://sites.google.com/view/diffusion-augmented-agents/ | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.RO"
] |
2407.03963 | HF | LLM-jp: A Cross-organizational Project for the Research and Development of Fully Open Japanese LLMs | [
"LLM-jp",
":",
"Akiko Aizawa",
"Eiji Aramaki",
"Bowen Chen",
"Fei Cheng",
"Hiroyuki Deguchi",
"Rintaro Enomoto",
"Kazuki Fujii",
"Kensuke Fukumoto",
"Takuya Fukushima",
"Namgi Han",
"Yuto Harada",
"Chikara Hashimoto",
"Tatsuya Hiraoka",
"Shohei Hisada",
"Sosuke Hosokawa",
"Lu Jie",
"Keisuke Kamata",
"Teruhito Kanazawa",
"Hiroki Kanezashi",
"Hiroshi Kataoka",
"Satoru Katsumata",
"Daisuke Kawahara",
"Seiya Kawano",
"Atsushi Keyaki",
"Keisuke Kiryu",
"Hirokazu Kiyomaru",
"Takashi Kodama",
"Takahiro Kubo",
"Yohei Kuga",
"Ryoma Kumon",
"Shuhei Kurita",
"Sadao Kurohashi",
"Conglong Li",
"Taiki Maekawa",
"Hiroshi Matsuda",
"Yusuke Miyao",
"Kentaro Mizuki",
"Sakae Mizuki",
"Yugo Murawaki",
"Ryo Nakamura",
"Taishi Nakamura",
"Kouta Nakayama",
"Tomoka Nakazato",
"Takuro Niitsuma",
"Jiro Nishitoba",
"Yusuke Oda",
"Hayato Ogawa",
"Takumi Okamoto",
"Naoaki Okazaki",
"Yohei Oseki",
"Shintaro Ozaki",
"Koki Ryu",
"Rafal Rzepka",
"Keisuke Sakaguchi",
"Shota Sasaki",
"Satoshi Sekine",
"Kohei Suda",
"Saku Sugawara",
"Issa Sugiura",
"Hiroaki Sugiyama",
"Hisami Suzuki",
"Jun Suzuki",
"Toyotaro Suzumura",
"Kensuke Tachibana",
"Yu Takagi",
"Kyosuke Takami",
"Koichi Takeda",
"Masashi Takeshita",
"Masahiro Tanaka",
"Kenjiro Taura",
"Arseny Tolmachev",
"Nobuhiro Ueda",
"Zhen Wan",
"Shuntaro Yada",
"Sakiko Yahata",
"Yuya Yamamoto",
"Yusuke Yamauchi",
"Hitomi Yanaka",
"Rio Yokota",
"Koichiro Yoshino"
] | 2024-07-04 | This paper introduces LLM-jp, a cross-organizational project for the research
and development of Japanese large language models (LLMs). LLM-jp aims to
develop open-source and strong Japanese LLMs, and as of this writing, more than
1,500 participants from academia and industry are working together for this
purpose. This paper presents the background of the establishment of LLM-jp,
summaries of its activities, and technical reports on the LLMs developed by
LLM-jp. For the latest activities, visit https://llm-jp.nii.ac.jp/en/. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2305.09664 | HF | Understanding 3D Object Interaction from a Single Image | [
"Shengyi Qian",
"David F. Fouhey"
] | 2023-05-16 | Humans can easily understand a single image as depicting multiple potential
objects permitting interaction. We use this skill to plan our interactions with
the world and accelerate understanding new objects without engaging in
interaction. In this paper, we would like to endow machines with the similar
ability, so that intelligent agents can better explore the 3D scene or
manipulate objects. Our approach is a transformer-based model that predicts the
3D location, physical properties and affordance of objects. To power this
model, we collect a dataset with Internet videos, egocentric videos and indoor
images to train and validate our approach. Our model yields strong performance
on our data, and generalizes well to robotics data. Project site:
https://jasonqsy.github.io/3DOI/ | null | cs.CV | [
"cs.CV"
] |
2309.07314 | HF | AudioSR: Versatile Audio Super-resolution at Scale | [
"Haohe Liu",
"Ke Chen",
"Qiao Tian",
"Wenwu Wang",
"Mark D. Plumbley"
] | 2023-09-13 | Audio super-resolution is a fundamental task that predicts high-frequency
components for low-resolution audio, enhancing audio quality in digital
applications. Previous methods have limitations such as the limited scope of
audio types (e.g., music, speech) and specific bandwidth settings they can
handle (e.g., 4kHz to 8kHz). In this paper, we introduce a diffusion-based
generative model, AudioSR, that is capable of performing robust audio
super-resolution on versatile audio types, including sound effects, music, and
speech. Specifically, AudioSR can upsample any input audio signal within the
bandwidth range of 2kHz to 16kHz to a high-resolution audio signal at 24kHz
bandwidth with a sampling rate of 48kHz. Extensive objective evaluation on
various audio super-resolution benchmarks demonstrates the strong result
achieved by the proposed model. In addition, our subjective evaluation shows
that AudioSR can acts as a plug-and-play module to enhance the generation
quality of a wide range of audio generative models, including AudioLDM,
Fastspeech2, and MusicGen. Our code and demo are available at
https://audioldm.github.io/audiosr. | null | cs.SD | [
"cs.SD",
"cs.AI",
"cs.MM",
"eess.AS",
"eess.SP"
] |
2308.07795 | HF | Learning to Identify Critical States for Reinforcement Learning from Videos | [
"Haozhe Liu",
"Mingchen Zhuge",
"Bing Li",
"Yuhui Wang",
"Francesco Faccio",
"Bernard Ghanem",
"Jürgen Schmidhuber"
] | 2023-08-15 | Recent work on deep reinforcement learning (DRL) has pointed out that
algorithmic information about good policies can be extracted from offline data
which lack explicit information about executed actions. For example, videos of
humans or robots may convey a lot of implicit information about rewarding
action sequences, but a DRL machine that wants to profit from watching such
videos must first learn by itself to identify and recognize relevant
states/actions/rewards. Without relying on ground-truth annotations, our new
method called Deep State Identifier learns to predict returns from episodes
encoded as videos. Then it uses a kind of mask-based sensitivity analysis to
extract/identify important critical states. Extensive experiments showcase our
method's potential for understanding and improving agent behavior. The source
code and the generated datasets are available at
https://github.com/AI-Initiative-KAUST/VideoRLCS. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2307.03539 | AnswerAI | Large Language Models as Batteries-Included Zero-Shot ESCO Skills Matchers | [
"Benjamin Clavié",
"Guillaume Soulié"
] | 2023-07-07 | Understanding labour market dynamics requires accurately identifying the
skills required for and possessed by the workforce. Automation techniques are
increasingly being developed to support this effort. However, automatically
extracting skills from job postings is challenging due to the vast number of
existing skills. The ESCO (European Skills, Competences, Qualifications and
Occupations) framework provides a useful reference, listing over 13,000
individual skills. However, skills extraction remains difficult and accurately
matching job posts to the ESCO taxonomy is an open problem. In this work, we
propose an end-to-end zero-shot system for skills extraction from job
descriptions based on large language models (LLMs). We generate synthetic
training data for the entirety of ESCO skills and train a classifier to extract
skill mentions from job posts. We also employ a similarity retriever to
generate skill candidates which are then re-ranked using a second LLM. Using
synthetic data achieves an RP@10 score 10 points higher than previous distant
supervision approaches. Adding GPT-4 re-ranking improves RP@10 by over 22
points over previous methods. We also show that Framing the task as mock
programming when prompting the LLM can lead to better performance than natural
language prompts, especially with weaker LLMs. We demonstrate the potential of
integrating large language models at both ends of skills matching pipelines.
Our approach requires no human annotations and achieve extremely promising
results on skills extraction against ESCO. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2309.08210 | HF | Investigating Answerability of LLMs for Long-Form Question Answering | [
"Meghana Moorthy Bhat",
"Rui Meng",
"Ye Liu",
"Yingbo Zhou",
"Semih Yavuz"
] | 2023-09-15 | As we embark on a new era of LLMs, it becomes increasingly crucial to
understand their capabilities, limitations, and differences. Toward making
further progress in this direction, we strive to build a deeper understanding
of the gaps between massive LLMs (e.g., ChatGPT) and smaller yet effective
open-source LLMs and their distilled counterparts. To this end, we specifically
focus on long-form question answering (LFQA) because it has several practical
and impactful applications (e.g., troubleshooting, customer service, etc.) yet
is still understudied and challenging for LLMs. We propose a
question-generation method from abstractive summaries and show that generating
follow-up questions from summaries of long documents can create a challenging
setting for LLMs to reason and infer from long contexts. Our experimental
results confirm that: (1) our proposed method of generating questions from
abstractive summaries pose a challenging setup for LLMs and shows performance
gaps between LLMs like ChatGPT and open-source LLMs (Alpaca, Llama) (2)
open-source LLMs exhibit decreased reliance on context for generated questions
from the original document, but their generation capabilities drop
significantly on generated questions from summaries -- especially for longer
contexts (>1024 tokens) | null | cs.CL | [
"cs.CL"
] |
2106.05237 | AnswerAI | Knowledge distillation: A good teacher is patient and consistent | [
"Lucas Beyer",
"Xiaohua Zhai",
"Amélie Royer",
"Larisa Markeeva",
"Rohan Anil",
"Alexander Kolesnikov"
] | 2021-06-09 | There is a growing discrepancy in computer vision between large-scale models
that achieve state-of-the-art performance and models that are affordable in
practical applications. In this paper we address this issue and significantly
bridge the gap between these two types of models. Throughout our empirical
investigation we do not aim to necessarily propose a new method, but strive to
identify a robust and effective recipe for making state-of-the-art large scale
models affordable in practice. We demonstrate that, when performed correctly,
knowledge distillation can be a powerful tool for reducing the size of large
models without compromising their performance. In particular, we uncover that
there are certain implicit design choices, which may drastically affect the
effectiveness of distillation. Our key contribution is the explicit
identification of these design choices, which were not previously articulated
in the literature. We back up our findings by a comprehensive empirical study,
demonstrate compelling results on a wide range of vision datasets and, in
particular, obtain a state-of-the-art ResNet-50 model for ImageNet, which
achieves 82.8% top-1 accuracy. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2309.03883 | Both | DoLa: Decoding by Contrasting Layers Improves Factuality in Large Language Models | [
"Yung-Sung Chuang",
"Yujia Xie",
"Hongyin Luo",
"Yoon Kim",
"James Glass",
"Pengcheng He"
] | 2023-09-07 | Despite their impressive capabilities, large language models (LLMs) are prone
to hallucinations, i.e., generating content that deviates from facts seen
during pretraining. We propose a simple decoding strategy for reducing
hallucinations with pretrained LLMs that does not require conditioning on
retrieved external knowledge nor additional fine-tuning. Our approach obtains
the next-token distribution by contrasting the differences in logits obtained
from projecting the later layers versus earlier layers to the vocabulary space,
exploiting the fact that factual knowledge in an LLMs has generally been shown
to be localized to particular transformer layers. We find that this Decoding by
Contrasting Layers (DoLa) approach is able to better surface factual knowledge
and reduce the generation of incorrect facts. DoLa consistently improves the
truthfulness across multiple choices tasks and open-ended generation tasks, for
example improving the performance of LLaMA family models on TruthfulQA by
12-17% absolute points, demonstrating its potential in making LLMs reliably
generate truthful facts. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2306.00980 | HF | SnapFusion: Text-to-Image Diffusion Model on Mobile Devices within Two Seconds | [
"Yanyu Li",
"Huan Wang",
"Qing Jin",
"Ju Hu",
"Pavlo Chemerys",
"Yun Fu",
"Yanzhi Wang",
"Sergey Tulyakov",
"Jian Ren"
] | 2023-06-01 | Text-to-image diffusion models can create stunning images from natural
language descriptions that rival the work of professional artists and
photographers. However, these models are large, with complex network
architectures and tens of denoising iterations, making them computationally
expensive and slow to run. As a result, high-end GPUs and cloud-based inference
are required to run diffusion models at scale. This is costly and has privacy
implications, especially when user data is sent to a third party. To overcome
these challenges, we present a generic approach that, for the first time,
unlocks running text-to-image diffusion models on mobile devices in less than
$2$ seconds. We achieve so by introducing efficient network architecture and
improving step distillation. Specifically, we propose an efficient UNet by
identifying the redundancy of the original model and reducing the computation
of the image decoder via data distillation. Further, we enhance the step
distillation by exploring training strategies and introducing regularization
from classifier-free guidance. Our extensive experiments on MS-COCO show that
our model with $8$ denoising steps achieves better FID and CLIP scores than
Stable Diffusion v$1.5$ with $50$ steps. Our work democratizes content creation
by bringing powerful text-to-image diffusion models to the hands of users. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2309.07597 | AnswerAI | C-Pack: Packaged Resources To Advance General Chinese Embedding | [
"Shitao Xiao",
"Zheng Liu",
"Peitian Zhang",
"Niklas Muennighoff",
"Defu Lian",
"Jian-Yun Nie"
] | 2023-09-14 | We introduce C-Pack, a package of resources that significantly advance the
field of general Chinese embeddings. C-Pack includes three critical resources.
1) C-MTEB is a comprehensive benchmark for Chinese text embeddings covering 6
tasks and 35 datasets. 2) C-MTP is a massive text embedding dataset curated
from labeled and unlabeled Chinese corpora for training embedding models. 3)
C-TEM is a family of embedding models covering multiple sizes. Our models
outperform all prior Chinese text embeddings on C-MTEB by up to +10% upon the
time of the release. We also integrate and optimize the entire suite of
training methods for C-TEM. Along with our resources on general Chinese
embedding, we release our data and models for English text embeddings. The
English models achieve state-of-the-art performance on MTEB benchmark;
meanwhile, our released English data is 2 times larger than the Chinese data.
All these resources are made publicly available at
https://github.com/FlagOpen/FlagEmbedding. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.IR"
] |
2308.07317 | Both | Platypus: Quick, Cheap, and Powerful Refinement of LLMs | [
"Ariel N. Lee",
"Cole J. Hunter",
"Nataniel Ruiz"
] | 2023-08-14 | We present $\textbf{Platypus}$, a family of fine-tuned and merged Large
Language Models (LLMs) that achieves the strongest performance and currently
stands at first place in HuggingFace's Open LLM Leaderboard as of the release
date of this work. In this work we describe (1) our curated dataset
$\textbf{Open-Platypus}$, that is a subset of other open datasets and which
$\textit{we release to the public}$ (2) our process of fine-tuning and merging
LoRA modules in order to conserve the strong prior of pretrained LLMs, while
bringing specific domain knowledge to the surface (3) our efforts in checking
for test data leaks and contamination in the training data, which can inform
future research. Specifically, the Platypus family achieves strong performance
in quantitative LLM metrics across model sizes, topping the global Open LLM
leaderboard while using just a fraction of the fine-tuning data and overall
compute that are required for other state-of-the-art fine-tuned LLMs. In
particular, a 13B Platypus model can be trained on $\textit{a single}$ A100 GPU
using 25k questions in 5 hours. This is a testament of the quality of our
Open-Platypus dataset, and opens opportunities for more improvements in the
field. Project page: https://platypus-llm.github.io | null | cs.CL | [
"cs.CL"
] |
2310.15123 | Both | Branch-Solve-Merge Improves Large Language Model Evaluation and Generation | [
"Swarnadeep Saha",
"Omer Levy",
"Asli Celikyilmaz",
"Mohit Bansal",
"Jason Weston",
"Xian Li"
] | 2023-10-23 | Large Language Models (LLMs) are frequently used for multi-faceted language
generation and evaluation tasks that involve satisfying intricate user
constraints or taking into account multiple aspects and criteria. However,
their performance can fall short, due to the model's lack of coherence and
inability to plan and decompose the problem. We propose Branch-Solve-Merge
(BSM), a Large Language Model program (Schlag et al., 2023) for tackling such
challenging natural language tasks. It consists of branch, solve, and merge
modules that are parameterized with specific prompts to the base LLM. These
three modules plan a decomposition of the task into multiple parallel
sub-tasks, independently solve them, and fuse the solutions to the sub-tasks.
We apply our method to the tasks of LLM response evaluation and constrained
text generation and evaluate its effectiveness with multiple LLMs, including
Vicuna, LLaMA-2-chat, and GPT-4. BSM improves the evaluation correctness and
consistency for each LLM by enhancing human-LLM agreement by up to 26%,
reducing length and pairwise position biases by up to 50%, and allowing
LLaMA2-chat to match or outperform GPT-4 on most domains. On a constraint story
generation task, BSM improves the coherence of stories while also improving
constraint satisfaction by 12%. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2210.09298 | AnswerAI | What Makes Convolutional Models Great on Long Sequence Modeling? | [
"Yuhong Li",
"Tianle Cai",
"Yi Zhang",
"Deming Chen",
"Debadeepta Dey"
] | 2022-10-17 | Convolutional models have been widely used in multiple domains. However, most
existing models only use local convolution, making the model unable to handle
long-range dependency efficiently. Attention overcomes this problem by
aggregating global information but also makes the computational complexity
quadratic to the sequence length. Recently, Gu et al. [2021] proposed a model
called S4 inspired by the state space model. S4 can be efficiently implemented
as a global convolutional model whose kernel size equals the input sequence
length. S4 can model much longer sequences than Transformers and achieve
significant gains over SoTA on several long-range tasks. Despite its empirical
success, S4 is involved. It requires sophisticated parameterization and
initialization schemes. As a result, S4 is less intuitive and hard to use. Here
we aim to demystify S4 and extract basic principles that contribute to the
success of S4 as a global convolutional model. We focus on the structure of the
convolution kernel and identify two critical but intuitive principles enjoyed
by S4 that are sufficient to make up an effective global convolutional model:
1) The parameterization of the convolutional kernel needs to be efficient in
the sense that the number of parameters should scale sub-linearly with sequence
length. 2) The kernel needs to satisfy a decaying structure that the weights
for convolving with closer neighbors are larger than the more distant ones.
Based on the two principles, we propose a simple yet effective convolutional
model called Structured Global Convolution (SGConv). SGConv exhibits strong
empirical performance over several tasks: 1) With faster speed, SGConv
surpasses S4 on Long Range Arena and Speech Command datasets. 2) When plugging
SGConv into standard language and vision models, it shows the potential to
improve both efficiency and performance. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CV",
"stat.ML"
] |
2404.03648 | HF | AutoWebGLM: Bootstrap And Reinforce A Large Language Model-based Web Navigating Agent | [
"Hanyu Lai",
"Xiao Liu",
"Iat Long Iong",
"Shuntian Yao",
"Yuxuan Chen",
"Pengbo Shen",
"Hao Yu",
"Hanchen Zhang",
"Xiaohan Zhang",
"Yuxiao Dong",
"Jie Tang"
] | 2024-04-04 | Large language models (LLMs) have fueled many intelligent agent tasks, such
as web navigation -- but most existing agents perform far from satisfying in
real-world webpages due to three factors: (1) the versatility of actions on
webpages, (2) HTML text exceeding model processing capacity, and (3) the
complexity of decision-making due to the open-domain nature of web. In light of
the challenge, we develop AutoWebGLM, a GPT-4-outperforming automated web
navigation agent built upon ChatGLM3-6B. Inspired by human browsing patterns,
we design an HTML simplification algorithm to represent webpages, preserving
vital information succinctly. We employ a hybrid human-AI method to build web
browsing data for curriculum training. Then, we bootstrap the model by
reinforcement learning and rejection sampling to further facilitate webpage
comprehension, browser operations, and efficient task decomposition by itself.
For testing, we establish a bilingual benchmark -- AutoWebBench -- for
real-world web browsing tasks. We evaluate AutoWebGLM across diverse web
navigation benchmarks, revealing its improvements but also underlying
challenges to tackle real environments. Related code, model, and data will be
released at \url{https://github.com/THUDM/AutoWebGLM}. | null | cs.CL | [
"cs.CL"
] |
2404.05674 | HF | MoMA: Multimodal LLM Adapter for Fast Personalized Image Generation | [
"Kunpeng Song",
"Yizhe Zhu",
"Bingchen Liu",
"Qing Yan",
"Ahmed Elgammal",
"Xiao Yang"
] | 2024-04-08 | In this paper, we present MoMA: an open-vocabulary, training-free
personalized image model that boasts flexible zero-shot capabilities. As
foundational text-to-image models rapidly evolve, the demand for robust
image-to-image translation grows. Addressing this need, MoMA specializes in
subject-driven personalized image generation. Utilizing an open-source,
Multimodal Large Language Model (MLLM), we train MoMA to serve a dual role as
both a feature extractor and a generator. This approach effectively synergizes
reference image and text prompt information to produce valuable image features,
facilitating an image diffusion model. To better leverage the generated
features, we further introduce a novel self-attention shortcut method that
efficiently transfers image features to an image diffusion model, improving the
resemblance of the target object in generated images. Remarkably, as a
tuning-free plug-and-play module, our model requires only a single reference
image and outperforms existing methods in generating images with high detail
fidelity, enhanced identity-preservation and prompt faithfulness. Our work is
open-source, thereby providing universal access to these advancements. | null | cs.CV | [
"cs.CV"
] |
2402.16837 | Both | Do Large Language Models Latently Perform Multi-Hop Reasoning? | [
"Sohee Yang",
"Elena Gribovskaya",
"Nora Kassner",
"Mor Geva",
"Sebastian Riedel"
] | 2024-02-26 | We study whether Large Language Models (LLMs) latently perform multi-hop
reasoning with complex prompts such as "The mother of the singer of
'Superstition' is". We look for evidence of a latent reasoning pathway where an
LLM (1) latently identifies "the singer of 'Superstition'" as Stevie Wonder,
the bridge entity, and (2) uses its knowledge of Stevie Wonder's mother to
complete the prompt. We analyze these two hops individually and consider their
co-occurrence as indicative of latent multi-hop reasoning. For the first hop,
we test if changing the prompt to indirectly mention the bridge entity instead
of any other entity increases the LLM's internal recall of the bridge entity.
For the second hop, we test if increasing this recall causes the LLM to better
utilize what it knows about the bridge entity. We find strong evidence of
latent multi-hop reasoning for the prompts of certain relation types, with the
reasoning pathway used in more than 80% of the prompts. However, the
utilization is highly contextual, varying across different types of prompts.
Also, on average, the evidence for the second hop and the full multi-hop
traversal is rather moderate and only substantial for the first hop. Moreover,
we find a clear scaling trend with increasing model size for the first hop of
reasoning but not for the second hop. Our experimental findings suggest
potential challenges and opportunities for future development and applications
of LLMs. | null | cs.CL | [
"cs.CL"
] |
2406.11912 | HF | AgileCoder: Dynamic Collaborative Agents for Software Development based on Agile Methodology | [
"Minh Huynh Nguyen",
"Thang Phan Chau",
"Phong X. Nguyen",
"Nghi D. Q. Bui"
] | 2024-06-16 | Software agents have emerged as promising tools for addressing complex
software engineering tasks. Existing works, on the other hand, frequently
oversimplify software development workflows, despite the fact that such
workflows are typically more complex in the real world. Thus, we propose
AgileCoder, a multi agent system that integrates Agile Methodology (AM) into
the framework. This system assigns specific AM roles - such as Product Manager,
Developer, and Tester to different agents, who then collaboratively develop
software based on user inputs. AgileCoder enhances development efficiency by
organizing work into sprints, focusing on incrementally developing software
through sprints. Additionally, we introduce Dynamic Code Graph Generator, a
module that creates a Code Dependency Graph dynamically as updates are made to
the codebase. This allows agents to better comprehend the codebase, leading to
more precise code generation and modifications throughout the software
development process. AgileCoder surpasses existing benchmarks, like ChatDev and
MetaGPT, establishing a new standard and showcasing the capabilities of multi
agent systems in advanced software engineering environments. | null | cs.SE | [
"cs.SE",
"cs.AI"
] |
2310.01889 | AnswerAI | Ring Attention with Blockwise Transformers for Near-Infinite Context | [
"Hao Liu",
"Matei Zaharia",
"Pieter Abbeel"
] | 2023-10-03 | Transformers have emerged as the architecture of choice for many
state-of-the-art AI models, showcasing exceptional performance across a wide
range of AI applications. However, the memory demands imposed by Transformers
limit their ability to handle long sequences, thereby posing challenges in
utilizing videos, actions, and other long-form sequences and modalities in
complex environments. We present a novel approach, Ring Attention with
Blockwise Transformers (Ring Attention), which leverages blockwise computation
of self-attention and feedforward to distribute long sequences across multiple
devices while fully overlapping the communication of key-value blocks with the
computation of blockwise attention. Our approach enables training and inference
of sequences that are up to device count times longer than those achievable by
prior memory-efficient Transformers, without resorting to approximations or
incurring additional communication and computation overheads. Extensive
experiments on language modeling and reinforcement learning tasks demonstrate
the effectiveness of our approach in allowing millions of tokens context size
and improving performance. | null | cs.CL | [
"cs.CL"
] |
2306.10533 | HF | Point-Cloud Completion with Pretrained Text-to-image Diffusion Models | [
"Yoni Kasten",
"Ohad Rahamim",
"Gal Chechik"
] | 2023-06-18 | Point-cloud data collected in real-world applications are often incomplete.
Data is typically missing due to objects being observed from partial
viewpoints, which only capture a specific perspective or angle. Additionally,
data can be incomplete due to occlusion and low-resolution sampling. Existing
completion approaches rely on datasets of predefined objects to guide the
completion of noisy and incomplete, point clouds. However, these approaches
perform poorly when tested on Out-Of-Distribution (OOD) objects, that are
poorly represented in the training dataset. Here we leverage recent advances in
text-guided image generation, which lead to major breakthroughs in text-guided
shape generation. We describe an approach called SDS-Complete that uses a
pre-trained text-to-image diffusion model and leverages the text semantics of a
given incomplete point cloud of an object, to obtain a complete surface
representation. SDS-Complete can complete a variety of objects using test-time
optimization without expensive collection of 3D information. We evaluate SDS
Complete on incomplete scanned objects, captured by real-world depth sensors
and LiDAR scanners. We find that it effectively reconstructs objects that are
absent from common datasets, reducing Chamfer loss by 50% on average compared
with current methods. Project page: https://sds-complete.github.io/ | null | cs.CV | [
"cs.CV"
] |
2403.01823 | HF | RT-H: Action Hierarchies Using Language | [
"Suneel Belkhale",
"Tianli Ding",
"Ted Xiao",
"Pierre Sermanet",
"Quon Vuong",
"Jonathan Tompson",
"Yevgen Chebotar",
"Debidatta Dwibedi",
"Dorsa Sadigh"
] | 2024-03-04 | Language provides a way to break down complex concepts into digestible
pieces. Recent works in robot imitation learning use language-conditioned
policies that predict actions given visual observations and the high-level task
specified in language. These methods leverage the structure of natural language
to share data between semantically similar tasks (e.g., "pick coke can" and
"pick an apple") in multi-task datasets. However, as tasks become more
semantically diverse (e.g., "pick coke can" and "pour cup"), sharing data
between tasks becomes harder, so learning to map high-level tasks to actions
requires much more demonstration data. To bridge tasks and actions, our insight
is to teach the robot the language of actions, describing low-level motions
with more fine-grained phrases like "move arm forward". Predicting these
language motions as an intermediate step between tasks and actions forces the
policy to learn the shared structure of low-level motions across seemingly
disparate tasks. Furthermore, a policy that is conditioned on language motions
can easily be corrected during execution through human-specified language
motions. This enables a new paradigm for flexible policies that can learn from
human intervention in language. Our method RT-H builds an action hierarchy
using language motions: it first learns to predict language motions, and
conditioned on this and the high-level task, it predicts actions, using visual
context at all stages. We show that RT-H leverages this language-action
hierarchy to learn policies that are more robust and flexible by effectively
tapping into multi-task datasets. We show that these policies not only allow
for responding to language interventions, but can also learn from such
interventions and outperform methods that learn from teleoperated
interventions. Our website and videos are found at
https://rt-hierarchy.github.io. | null | cs.RO | [
"cs.RO",
"cs.AI"
] |
2401.11944 | HF | CMMMU: A Chinese Massive Multi-discipline Multimodal Understanding Benchmark | [
"Ge Zhang",
"Xinrun Du",
"Bei Chen",
"Yiming Liang",
"Tongxu Luo",
"Tianyu Zheng",
"Kang Zhu",
"Yuyang Cheng",
"Chunpu Xu",
"Shuyue Guo",
"Haoran Zhang",
"Xingwei Qu",
"Junjie Wang",
"Ruibin Yuan",
"Yizhi Li",
"Zekun Wang",
"Yudong Liu",
"Yu-Hsuan Tsai",
"Fengji Zhang",
"Chenghua Lin",
"Wenhao Huang",
"Jie Fu"
] | 2024-01-22 | As the capabilities of large multimodal models (LMMs) continue to advance,
evaluating the performance of LMMs emerges as an increasing need. Additionally,
there is an even larger gap in evaluating the advanced knowledge and reasoning
abilities of LMMs in non-English contexts such as Chinese. We introduce CMMMU,
a new Chinese Massive Multi-discipline Multimodal Understanding benchmark
designed to evaluate LMMs on tasks demanding college-level subject knowledge
and deliberate reasoning in a Chinese context. CMMMU is inspired by and
strictly follows the annotation and analysis pattern of MMMU. CMMMU includes
12k manually collected multimodal questions from college exams, quizzes, and
textbooks, covering six core disciplines: Art & Design, Business, Science,
Health & Medicine, Humanities & Social Science, and Tech & Engineering, like
its companion, MMMU. These questions span 30 subjects and comprise 39 highly
heterogeneous image types, such as charts, diagrams, maps, tables, music
sheets, and chemical structures. CMMMU focuses on complex perception and
reasoning with domain-specific knowledge in the Chinese context. We evaluate 11
open-source LLMs and one proprietary GPT-4V(ision). Even GPT-4V only achieves
accuracies of 42%, indicating a large space for improvement. CMMMU will boost
the community to build the next-generation LMMs towards expert artificial
intelligence and promote the democratization of LMMs by providing diverse
language contexts. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV"
] |
2408.14236 | HF | DSTI at LLMs4OL 2024 Task A: Intrinsic versus extrinsic knowledge for type classification | [
"Hanna Abi Akl"
] | 2024-08-26 | We introduce semantic towers, an extrinsic knowledge representation method,
and compare it to intrinsic knowledge in large language models for ontology
learning. Our experiments show a trade-off between performance and semantic
grounding for extrinsic knowledge compared to a fine-tuned model intrinsic
knowledge. We report our findings on the Large Language Models for Ontology
Learning (LLMs4OL) 2024 challenge. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2408.06481 | HF | UniT: Unified Tactile Representation for Robot Learning | [
"Zhengtong Xu",
"Raghava Uppuluri",
"Xinwei Zhang",
"Cael Fitch",
"Philip Glen Crandall",
"Wan Shou",
"Dongyi Wang",
"Yu She"
] | 2024-08-12 | UniT is a novel approach to tactile representation learning, using VQVAE to
learn a compact latent space and serve as the tactile representation. It uses
tactile images obtained from a single simple object to train the representation
with transferability and generalizability. This tactile representation can be
zero-shot transferred to various downstream tasks, including perception tasks
and manipulation policy learning. Our benchmarking on an in-hand 3D pose
estimation task shows that UniT outperforms existing visual and tactile
representation learning methods. Additionally, UniT's effectiveness in policy
learning is demonstrated across three real-world tasks involving diverse
manipulated objects and complex robot-object-environment interactions. Through
extensive experimentation, UniT is shown to be a simple-to-train,
plug-and-play, yet widely effective method for tactile representation learning.
For more details, please refer to our open-source repository
https://github.com/ZhengtongXu/UniT and the project website
https://zhengtongxu.github.io/unifiedtactile.github.io/. | null | cs.RO | [
"cs.RO"
] |
2402.04615 | HF | ScreenAI: A Vision-Language Model for UI and Infographics Understanding | [
"Gilles Baechler",
"Srinivas Sunkara",
"Maria Wang",
"Fedir Zubach",
"Hassan Mansoor",
"Vincent Etter",
"Victor Cărbune",
"Jason Lin",
"Jindong Chen",
"Abhanshu Sharma"
] | 2024-02-07 | Screen user interfaces (UIs) and infographics, sharing similar visual
language and design principles, play important roles in human communication and
human-machine interaction. We introduce ScreenAI, a vision-language model that
specializes in UI and infographics understanding. Our model improves upon the
PaLI architecture with the flexible patching strategy of pix2struct and is
trained on a unique mixture of datasets. At the heart of this mixture is a
novel screen annotation task in which the model has to identify the type and
location of UI elements. We use these text annotations to describe screens to
Large Language Models and automatically generate question-answering (QA), UI
navigation, and summarization training datasets at scale. We run ablation
studies to demonstrate the impact of these design choices. At only 5B
parameters, ScreenAI achieves new state-of-the-artresults on UI- and
infographics-based tasks (Multi-page DocVQA, WebSRC, MoTIF and Widget
Captioning), and new best-in-class performance on others (Chart QA, DocVQA, and
InfographicVQA) compared to models of similar size. Finally, we release three
new datasets: one focused on the screen annotation task and two others focused
on question answering. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2402.14904 | HF | Watermarking Makes Language Models Radioactive | [
"Tom Sander",
"Pierre Fernandez",
"Alain Durmus",
"Matthijs Douze",
"Teddy Furon"
] | 2024-02-22 | This paper investigates the radioactivity of LLM-generated texts, i.e.
whether it is possible to detect that such input was used as training data.
Conventional methods like membership inference can carry out this detection
with some level of accuracy. We show that watermarked training data leaves
traces easier to detect and much more reliable than membership inference. We
link the contamination level to the watermark robustness, its proportion in the
training set, and the fine-tuning process. We notably demonstrate that training
on watermarked synthetic instructions can be detected with high confidence
(p-value < 1e-5) even when as little as 5% of training text is watermarked.
Thus, LLM watermarking, originally designed for detecting machine-generated
text, gives the ability to easily identify if the outputs of a watermarked LLM
were used to fine-tune another LLM. | null | cs.CR | [
"cs.CR",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2312.09109 | HF | VideoLCM: Video Latent Consistency Model | [
"Xiang Wang",
"Shiwei Zhang",
"Han Zhang",
"Yu Liu",
"Yingya Zhang",
"Changxin Gao",
"Nong Sang"
] | 2023-12-14 | Consistency models have demonstrated powerful capability in efficient image
generation and allowed synthesis within a few sampling steps, alleviating the
high computational cost in diffusion models. However, the consistency model in
the more challenging and resource-consuming video generation is still less
explored. In this report, we present the VideoLCM framework to fill this gap,
which leverages the concept of consistency models from image generation to
efficiently synthesize videos with minimal steps while maintaining high
quality. VideoLCM builds upon existing latent video diffusion models and
incorporates consistency distillation techniques for training the latent
consistency model. Experimental results reveal the effectiveness of our
VideoLCM in terms of computational efficiency, fidelity and temporal
consistency. Notably, VideoLCM achieves high-fidelity and smooth video
synthesis with only four sampling steps, showcasing the potential for real-time
synthesis. We hope that VideoLCM can serve as a simple yet effective baseline
for subsequent research. The source code and models will be publicly available. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2403.14554 | HF | Gaussian Frosting: Editable Complex Radiance Fields with Real-Time Rendering | [
"Antoine Guédon",
"Vincent Lepetit"
] | 2024-03-21 | We propose Gaussian Frosting, a novel mesh-based representation for
high-quality rendering and editing of complex 3D effects in real-time. Our
approach builds on the recent 3D Gaussian Splatting framework, which optimizes
a set of 3D Gaussians to approximate a radiance field from images. We propose
first extracting a base mesh from Gaussians during optimization, then building
and refining an adaptive layer of Gaussians with a variable thickness around
the mesh to better capture the fine details and volumetric effects near the
surface, such as hair or grass. We call this layer Gaussian Frosting, as it
resembles a coating of frosting on a cake. The fuzzier the material, the
thicker the frosting. We also introduce a parameterization of the Gaussians to
enforce them to stay inside the frosting layer and automatically adjust their
parameters when deforming, rescaling, editing or animating the mesh. Our
representation allows for efficient rendering using Gaussian splatting, as well
as editing and animation by modifying the base mesh. We demonstrate the
effectiveness of our method on various synthetic and real scenes, and show that
it outperforms existing surface-based approaches. We will release our code and
a web-based viewer as additional contributions. Our project page is the
following: https://anttwo.github.io/frosting/ | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2407.03502 | HF | AgentInstruct: Toward Generative Teaching with Agentic Flows | [
"Arindam Mitra",
"Luciano Del Corro",
"Guoqing Zheng",
"Shweti Mahajan",
"Dany Rouhana",
"Andres Codas",
"Yadong Lu",
"Wei-ge Chen",
"Olga Vrousgos",
"Corby Rosset",
"Fillipe Silva",
"Hamed Khanpour",
"Yash Lara",
"Ahmed Awadallah"
] | 2024-07-03 | Synthetic data is becoming increasingly important for accelerating the
development of language models, both large and small. Despite several
successful use cases, researchers also raised concerns around model collapse
and drawbacks of imitating other models. This discrepancy can be attributed to
the fact that synthetic data varies in quality and diversity. Effective use of
synthetic data usually requires significant human effort in curating the data.
We focus on using synthetic data for post-training, specifically creating data
by powerful models to teach a new skill or behavior to another model, we refer
to this setting as Generative Teaching. We introduce AgentInstruct, an
extensible agentic framework for automatically creating large amounts of
diverse and high-quality synthetic data. AgentInstruct can create both the
prompts and responses, using only raw data sources like text documents and code
files as seeds. We demonstrate the utility of AgentInstruct by creating a post
training dataset of 25M pairs to teach language models different skills, such
as text editing, creative writing, tool usage, coding, reading comprehension,
etc. The dataset can be used for instruction tuning of any base model. We
post-train Mistral-7b with the data. When comparing the resulting model Orca-3
to Mistral-7b-Instruct (which uses the same base model), we observe significant
improvements across many benchmarks. For example, 40% improvement on AGIEval,
19% improvement on MMLU, 54% improvement on GSM8K, 38% improvement on BBH and
45% improvement on AlpacaEval. Additionally, it consistently outperforms other
models such as LLAMA-8B-instruct and GPT-3.5-turbo. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2401.02015 | HF | Improving Diffusion-Based Image Synthesis with Context Prediction | [
"Ling Yang",
"Jingwei Liu",
"Shenda Hong",
"Zhilong Zhang",
"Zhilin Huang",
"Zheming Cai",
"Wentao Zhang",
"Bin Cui"
] | 2024-01-04 | Diffusion models are a new class of generative models, and have dramatically
promoted image generation with unprecedented quality and diversity. Existing
diffusion models mainly try to reconstruct input image from a corrupted one
with a pixel-wise or feature-wise constraint along spatial axes. However, such
point-based reconstruction may fail to make each predicted pixel/feature fully
preserve its neighborhood context, impairing diffusion-based image synthesis.
As a powerful source of automatic supervisory signal, context has been well
studied for learning representations. Inspired by this, we for the first time
propose ConPreDiff to improve diffusion-based image synthesis with context
prediction. We explicitly reinforce each point to predict its neighborhood
context (i.e., multi-stride features/tokens/pixels) with a context decoder at
the end of diffusion denoising blocks in training stage, and remove the decoder
for inference. In this way, each point can better reconstruct itself by
preserving its semantic connections with neighborhood context. This new
paradigm of ConPreDiff can generalize to arbitrary discrete and continuous
diffusion backbones without introducing extra parameters in sampling procedure.
Extensive experiments are conducted on unconditional image generation,
text-to-image generation and image inpainting tasks. Our ConPreDiff
consistently outperforms previous methods and achieves a new SOTA text-to-image
generation results on MS-COCO, with a zero-shot FID score of 6.21. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.LG"
] |
2307.03172 | Both | Lost in the Middle: How Language Models Use Long Contexts | [
"Nelson F. Liu",
"Kevin Lin",
"John Hewitt",
"Ashwin Paranjape",
"Michele Bevilacqua",
"Fabio Petroni",
"Percy Liang"
] | 2023-07-06 | While recent language models have the ability to take long contexts as input,
relatively little is known about how well they use longer context. We analyze
the performance of language models on two tasks that require identifying
relevant information in their input contexts: multi-document question answering
and key-value retrieval. We find that performance can degrade significantly
when changing the position of relevant information, indicating that current
language models do not robustly make use of information in long input contexts.
In particular, we observe that performance is often highest when relevant
information occurs at the beginning or end of the input context, and
significantly degrades when models must access relevant information in the
middle of long contexts, even for explicitly long-context models. Our analysis
provides a better understanding of how language models use their input context
and provides new evaluation protocols for future long-context language models. | null | cs.CL | [
"cs.CL"
] |
2409.11367 | HF | OSV: One Step is Enough for High-Quality Image to Video Generation | [
"Xiaofeng Mao",
"Zhengkai Jiang",
"Fu-Yun Wang",
"Wenbing Zhu",
"Jiangning Zhang",
"Hao Chen",
"Mingmin Chi",
"Yabiao Wang"
] | 2024-09-17 | Video diffusion models have shown great potential in generating high-quality
videos, making them an increasingly popular focus. However, their inherent
iterative nature leads to substantial computational and time costs. While
efforts have been made to accelerate video diffusion by reducing inference
steps (through techniques like consistency distillation) and GAN training
(these approaches often fall short in either performance or training
stability). In this work, we introduce a two-stage training framework that
effectively combines consistency distillation with GAN training to address
these challenges. Additionally, we propose a novel video discriminator design,
which eliminates the need for decoding the video latents and improves the final
performance. Our model is capable of producing high-quality videos in merely
one-step, with the flexibility to perform multi-step refinement for further
performance enhancement. Our quantitative evaluation on the OpenWebVid-1M
benchmark shows that our model significantly outperforms existing methods.
Notably, our 1-step performance(FVD 171.15) exceeds the 8-step performance of
the consistency distillation based method, AnimateLCM (FVD 184.79), and
approaches the 25-step performance of advanced Stable Video Diffusion (FVD
156.94). | null | cs.CV | [
"cs.CV"
] |
2408.00113 | HF | Measuring Progress in Dictionary Learning for Language Model Interpretability with Board Game Models | [
"Adam Karvonen",
"Benjamin Wright",
"Can Rager",
"Rico Angell",
"Jannik Brinkmann",
"Logan Smith",
"Claudio Mayrink Verdun",
"David Bau",
"Samuel Marks"
] | 2024-07-31 | What latent features are encoded in language model (LM) representations?
Recent work on training sparse autoencoders (SAEs) to disentangle interpretable
features in LM representations has shown significant promise. However,
evaluating the quality of these SAEs is difficult because we lack a
ground-truth collection of interpretable features that we expect good SAEs to
recover. We thus propose to measure progress in interpretable dictionary
learning by working in the setting of LMs trained on chess and Othello
transcripts. These settings carry natural collections of interpretable features
-- for example, "there is a knight on F3" -- which we leverage into
$\textit{supervised}$ metrics for SAE quality. To guide progress in
interpretable dictionary learning, we introduce a new SAE training technique,
$\textit{p-annealing}$, which improves performance on prior unsupervised
metrics as well as our new metrics. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2402.06071 | HF | Keyframer: Empowering Animation Design using Large Language Models | [
"Tiffany Tseng",
"Ruijia Cheng",
"Jeffrey Nichols"
] | 2024-02-08 | Large language models (LLMs) have the potential to impact a wide range of
creative domains, but the application of LLMs to animation is underexplored and
presents novel challenges such as how users might effectively describe motion
in natural language. In this paper, we present Keyframer, a design tool for
animating static images (SVGs) with natural language. Informed by interviews
with professional animation designers and engineers, Keyframer supports
exploration and refinement of animations through the combination of prompting
and direct editing of generated output. The system also enables users to
request design variants, supporting comparison and ideation. Through a user
study with 13 participants, we contribute a characterization of user prompting
strategies, including a taxonomy of semantic prompt types for describing motion
and a 'decomposed' prompting style where users continually adapt their goals in
response to generated output.We share how direct editing along with prompting
enables iteration beyond one-shot prompting interfaces common in generative
tools today. Through this work, we propose how LLMs might empower a range of
audiences to engage with animation creation. | null | cs.HC | [
"cs.HC"
] |
2305.16355 | HF | PandaGPT: One Model To Instruction-Follow Them All | [
"Yixuan Su",
"Tian Lan",
"Huayang Li",
"Jialu Xu",
"Yan Wang",
"Deng Cai"
] | 2023-05-25 | We present PandaGPT, an approach to emPower large lANguage moDels with visual
and Auditory instruction-following capabilities. Our pilot experiments show
that PandaGPT can perform complex tasks such as detailed image description
generation, writing stories inspired by videos, and answering questions about
audios. More interestingly, PandaGPT can take multimodal inputs simultaneously
and compose their semantics naturally. For example, PandaGPT can connect how
objects look in an image/video and how they sound in an audio. To do so,
PandaGPT combines the multimodal encoders from ImageBind and the large language
models from Vicuna. Notably, only aligned image-text pairs are required for the
training of PandaGPT. Thanks to the strong capability of ImageBind in embedding
data from different modalities into the same space, PandaGPT displays emergent,
i.e. zero-shot, cross-modal behaviors for data other than image and text (e.g.,
video, audio, depth, thermal, and IMU). We hope that PandaGPT serves as an
initial step toward building AGI that can perceive and understand inputs in
different modalities holistically, as we humans do. Our project page is at
https://panda-gpt.github.io/. | null | cs.CL | [
"cs.CL",
"cs.CV"
] |
2309.03315 | HF | Robotic Table Tennis: A Case Study into a High Speed Learning System | [
"David B. D'Ambrosio",
"Jonathan Abelian",
"Saminda Abeyruwan",
"Michael Ahn",
"Alex Bewley",
"Justin Boyd",
"Krzysztof Choromanski",
"Omar Cortes",
"Erwin Coumans",
"Tianli Ding",
"Wenbo Gao",
"Laura Graesser",
"Atil Iscen",
"Navdeep Jaitly",
"Deepali Jain",
"Juhana Kangaspunta",
"Satoshi Kataoka",
"Gus Kouretas",
"Yuheng Kuang",
"Nevena Lazic",
"Corey Lynch",
"Reza Mahjourian",
"Sherry Q. Moore",
"Thinh Nguyen",
"Ken Oslund",
"Barney J Reed",
"Krista Reymann",
"Pannag R. Sanketi",
"Anish Shankar",
"Pierre Sermanet",
"Vikas Sindhwani",
"Avi Singh",
"Vincent Vanhoucke",
"Grace Vesom",
"Peng Xu"
] | 2023-09-06 | We present a deep-dive into a real-world robotic learning system that, in
previous work, was shown to be capable of hundreds of table tennis rallies with
a human and has the ability to precisely return the ball to desired targets.
This system puts together a highly optimized perception subsystem, a high-speed
low-latency robot controller, a simulation paradigm that can prevent damage in
the real world and also train policies for zero-shot transfer, and automated
real world environment resets that enable autonomous training and evaluation on
physical robots. We complement a complete system description, including
numerous design decisions that are typically not widely disseminated, with a
collection of studies that clarify the importance of mitigating various sources
of latency, accounting for training and deployment distribution shifts,
robustness of the perception system, sensitivity to policy hyper-parameters,
and choice of action space. A video demonstrating the components of the system
and details of experimental results can be found at
https://youtu.be/uFcnWjB42I0. | 10.15607/RSS.2023.XIX.006 | cs.RO | [
"cs.RO",
"cs.LG"
] |
2304.06762 | AnswerAI | Shall We Pretrain Autoregressive Language Models with Retrieval? A Comprehensive Study | [
"Boxin Wang",
"Wei Ping",
"Peng Xu",
"Lawrence McAfee",
"Zihan Liu",
"Mohammad Shoeybi",
"Yi Dong",
"Oleksii Kuchaiev",
"Bo Li",
"Chaowei Xiao",
"Anima Anandkumar",
"Bryan Catanzaro"
] | 2023-04-13 | Large decoder-only language models (LMs) can be largely improved in terms of
perplexity by retrieval (e.g., RETRO), but its impact on text generation
quality and downstream task accuracy is unclear. Thus, it is still an open
question: shall we pretrain large autoregressive LMs with retrieval? To answer
it, we perform a comprehensive study on a scalable pre-trained
retrieval-augmented LM (i.e., RETRO) compared with standard GPT and
retrieval-augmented GPT incorporated at fine-tuning or inference stages. We
first provide the recipe to reproduce RETRO up to 9.5B parameters while
retrieving a text corpus with 330B tokens. Based on that, we have the following
novel findings: i) RETRO outperforms GPT on text generation with much less
degeneration (i.e., repetition), moderately higher factual accuracy, and
slightly lower toxicity with a nontoxic retrieval database. ii) On the LM
Evaluation Harness benchmark, RETRO largely outperforms GPT on
knowledge-intensive tasks, but is on par with GPT on other tasks. Furthermore,
we introduce a simple variant of the model, RETRO++, which largely improves
open-domain QA results of original RETRO (e.g., EM score +8.6 on Natural
Question) and significantly outperforms retrieval-augmented GPT in both
fine-tuning and zero-shot evaluation settings. Our findings highlight the
promising direction of pretraining autoregressive LMs with retrieval as future
foundation models. We release our code and model at:
https://github.com/NVIDIA/Megatron-LM/blob/main/tools/retro/README.md | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.IR",
"cs.LG"
] |
2310.20587 | Both | Unleashing the Power of Pre-trained Language Models for Offline Reinforcement Learning | [
"Ruizhe Shi",
"Yuyao Liu",
"Yanjie Ze",
"Simon S. Du",
"Huazhe Xu"
] | 2023-10-31 | Offline reinforcement learning (RL) aims to find a near-optimal policy using
pre-collected datasets. In real-world scenarios, data collection could be
costly and risky; therefore, offline RL becomes particularly challenging when
the in-domain data is limited. Given recent advances in Large Language Models
(LLMs) and their few-shot learning prowess, this paper introduces
$\textbf{La}$nguage Models for $\textbf{Mo}$tion Control ($\textbf{LaMo}$), a
general framework based on Decision Transformers to effectively use pre-trained
Language Models (LMs) for offline RL. Our framework highlights four crucial
components: (1) Initializing Decision Transformers with sequentially
pre-trained LMs, (2) employing the LoRA fine-tuning method, in contrast to
full-weight fine-tuning, to combine the pre-trained knowledge from LMs and
in-domain knowledge effectively, (3) using the non-linear MLP transformation
instead of linear projections, to generate embeddings, and (4) integrating an
auxiliary language prediction loss during fine-tuning to stabilize the LMs and
retain their original abilities on languages. Empirical results indicate
$\textbf{LaMo}$ achieves state-of-the-art performance in sparse-reward tasks
and closes the gap between value-based offline RL methods and decision
transformers in dense-reward tasks. In particular, our method demonstrates
superior performance in scenarios with limited data samples. | null | cs.LG | [
"cs.LG"
] |
2305.03981 | HF | Pre-training Language Model as a Multi-perspective Course Learner | [
"Beiduo Chen",
"Shaohan Huang",
"Zihan Zhang",
"Wu Guo",
"Zhenhua Ling",
"Haizhen Huang",
"Furu Wei",
"Weiwei Deng",
"Qi Zhang"
] | 2023-05-06 | ELECTRA, the generator-discriminator pre-training framework, has achieved
impressive semantic construction capability among various downstream tasks.
Despite the convincing performance, ELECTRA still faces the challenges of
monotonous training and deficient interaction. Generator with only masked
language modeling (MLM) leads to biased learning and label imbalance for
discriminator, decreasing learning efficiency; no explicit feedback loop from
discriminator to generator results in the chasm between these two components,
underutilizing the course learning. In this study, a multi-perspective course
learning (MCL) method is proposed to fetch a many degrees and visual angles for
sample-efficient pre-training, and to fully leverage the relationship between
generator and discriminator. Concretely, three self-supervision courses are
designed to alleviate inherent flaws of MLM and balance the label in a
multi-perspective way. Besides, two self-correction courses are proposed to
bridge the chasm between the two encoders by creating a "correction notebook"
for secondary-supervision. Moreover, a course soups trial is conducted to solve
the "tug-of-war" dynamics problem of MCL, evolving a stronger pre-trained
model. Experimental results show that our method significantly improves
ELECTRA's average performance by 2.8% and 3.2% absolute points respectively on
GLUE and SQuAD 2.0 benchmarks, and overshadows recent advanced ELECTRA-style
models under the same settings. The pre-trained MCL model is available at
https://huggingface.co/McmanusChen/MCL-base. | null | cs.CL | [
"cs.CL"
] |
2305.14292 | AnswerAI | WikiChat: Stopping the Hallucination of Large Language Model Chatbots by Few-Shot Grounding on Wikipedia | [
"Sina J. Semnani",
"Violet Z. Yao",
"Heidi C. Zhang",
"Monica S. Lam"
] | 2023-05-23 | This paper presents the first few-shot LLM-based chatbot that almost never
hallucinates and has high conversationality and low latency. WikiChat is
grounded on the English Wikipedia, the largest curated free-text corpus.
WikiChat generates a response from an LLM, retains only the grounded facts,
and combines them with additional information it retrieves from the corpus to
form factual and engaging responses. We distill WikiChat based on GPT-4 into a
7B-parameter LLaMA model with minimal loss of quality, to significantly improve
its latency, cost and privacy, and facilitate research and deployment.
Using a novel hybrid human-and-LLM evaluation methodology, we show that our
best system achieves 97.3% factual accuracy in simulated conversations. It
significantly outperforms all retrieval-based and LLM-based baselines, and by
3.9%, 38.6% and 51.0% on head, tail and recent knowledge compared to GPT-4.
Compared to previous state-of-the-art retrieval-based chatbots, WikiChat is
also significantly more informative and engaging, just like an LLM.
WikiChat achieves 97.9% factual accuracy in conversations with human users
about recent topics, 55.0% better than GPT-4, while receiving significantly
higher user ratings and more favorable comments. | 10.18653/v1/2023.findings-emnlp.157 | cs.CL | [
"cs.CL"
] |
2306.05284 | HF | Simple and Controllable Music Generation | [
"Jade Copet",
"Felix Kreuk",
"Itai Gat",
"Tal Remez",
"David Kant",
"Gabriel Synnaeve",
"Yossi Adi",
"Alexandre Défossez"
] | 2023-06-08 | We tackle the task of conditional music generation. We introduce MusicGen, a
single Language Model (LM) that operates over several streams of compressed
discrete music representation, i.e., tokens. Unlike prior work, MusicGen is
comprised of a single-stage transformer LM together with efficient token
interleaving patterns, which eliminates the need for cascading several models,
e.g., hierarchically or upsampling. Following this approach, we demonstrate how
MusicGen can generate high-quality samples, both mono and stereo, while being
conditioned on textual description or melodic features, allowing better
controls over the generated output. We conduct extensive empirical evaluation,
considering both automatic and human studies, showing the proposed approach is
superior to the evaluated baselines on a standard text-to-music benchmark.
Through ablation studies, we shed light over the importance of each of the
components comprising MusicGen. Music samples, code, and models are available
at https://github.com/facebookresearch/audiocraft | null | cs.SD | [
"cs.SD",
"cs.AI",
"cs.LG",
"eess.AS"
] |
2407.12581 | HF | Towards Understanding Unsafe Video Generation | [
"Yan Pang",
"Aiping Xiong",
"Yang Zhang",
"Tianhao Wang"
] | 2024-07-17 | Video generation models (VGMs) have demonstrated the capability to synthesize
high-quality output. It is important to understand their potential to produce
unsafe content, such as violent or terrifying videos. In this work, we provide
a comprehensive understanding of unsafe video generation.
First, to confirm the possibility that these models could indeed generate
unsafe videos, we choose unsafe content generation prompts collected from 4chan
and Lexica, and three open-source SOTA VGMs to generate unsafe videos. After
filtering out duplicates and poorly generated content, we created an initial
set of 2112 unsafe videos from an original pool of 5607 videos. Through
clustering and thematic coding analysis of these generated videos, we identify
5 unsafe video categories: Distorted/Weird, Terrifying, Pornographic,
Violent/Bloody, and Political. With IRB approval, we then recruit online
participants to help label the generated videos. Based on the annotations
submitted by 403 participants, we identified 937 unsafe videos from the initial
video set. With the labeled information and the corresponding prompts, we
created the first dataset of unsafe videos generated by VGMs.
We then study possible defense mechanisms to prevent the generation of unsafe
videos. Existing defense methods in image generation focus on filtering either
input prompt or output results. We propose a new approach called Latent
Variable Defense (LVD), which works within the model's internal sampling
process. LVD can achieve 0.90 defense accuracy while reducing time and
computing resources by 10x when sampling a large number of unsafe prompts. | null | cs.CR | [
"cs.CR",
"cs.AI",
"cs.CV",
"cs.CY"
] |
2312.12030 | HF | Towards Accurate Guided Diffusion Sampling through Symplectic Adjoint Method | [
"Jiachun Pan",
"Hanshu Yan",
"Jun Hao Liew",
"Jiashi Feng",
"Vincent Y. F. Tan"
] | 2023-12-19 | Training-free guided sampling in diffusion models leverages off-the-shelf
pre-trained networks, such as an aesthetic evaluation model, to guide the
generation process. Current training-free guided sampling algorithms obtain the
guidance energy function based on a one-step estimate of the clean image.
However, since the off-the-shelf pre-trained networks are trained on clean
images, the one-step estimation procedure of the clean image may be inaccurate,
especially in the early stages of the generation process in diffusion models.
This causes the guidance in the early time steps to be inaccurate. To overcome
this problem, we propose Symplectic Adjoint Guidance (SAG), which calculates
the gradient guidance in two inner stages. Firstly, SAG estimates the clean
image via $n$ function calls, where $n$ serves as a flexible hyperparameter
that can be tailored to meet specific image quality requirements. Secondly, SAG
uses the symplectic adjoint method to obtain the gradients accurately and
efficiently in terms of the memory requirements. Extensive experiments
demonstrate that SAG generates images with higher qualities compared to the
baselines in both guided image and video generation tasks. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2307.03381 | Both | Teaching Arithmetic to Small Transformers | [
"Nayoung Lee",
"Kartik Sreenivasan",
"Jason D. Lee",
"Kangwook Lee",
"Dimitris Papailiopoulos"
] | 2023-07-07 | Large language models like GPT-4 exhibit emergent capabilities across
general-purpose tasks, such as basic arithmetic, when trained on extensive text
data, even though these tasks are not explicitly encoded by the unsupervised,
next-token prediction objective. This study investigates how small
transformers, trained from random initialization, can efficiently learn
arithmetic operations such as addition, multiplication, and elementary
functions like square root, using the next-token prediction objective. We first
demonstrate that conventional training data is not the most effective for
arithmetic learning, and simple formatting changes can significantly improve
accuracy. This leads to sharp phase transitions as a function of training data
scale, which, in some cases, can be explained through connections to low-rank
matrix completion. Building on prior work, we then train on chain-of-thought
style data that includes intermediate step results. Even in the complete
absence of pretraining, this approach significantly and simultaneously improves
accuracy, sample complexity, and convergence speed. We also study the interplay
between arithmetic and text data during training and examine the effects of
few-shot prompting, pretraining, and model scale. Additionally, we discuss
length generalization challenges. Our work highlights the importance of
high-quality, instructive data that considers the particular characteristics of
the next-word prediction objective for rapidly eliciting arithmetic
capabilities. | null | cs.LG | [
"cs.LG"
] |
2310.17813 | AnswerAI | A Spectral Condition for Feature Learning | [
"Greg Yang",
"James B. Simon",
"Jeremy Bernstein"
] | 2023-10-26 | The push to train ever larger neural networks has motivated the study of
initialization and training at large network width. A key challenge is to scale
training so that a network's internal representations evolve nontrivially at
all widths, a process known as feature learning. Here, we show that feature
learning is achieved by scaling the spectral norm of weight matrices and their
updates like $\sqrt{\texttt{fan-out}/\texttt{fan-in}}$, in contrast to widely
used but heuristic scalings based on Frobenius norm and entry size. Our
spectral scaling analysis also leads to an elementary derivation of
\emph{maximal update parametrization}. All in all, we aim to provide the reader
with a solid conceptual understanding of feature learning in neural networks. | null | cs.LG | [
"cs.LG"
] |
2408.03943 | AnswerAI | Building Machines that Learn and Think with People | [
"Katherine M. Collins",
"Ilia Sucholutsky",
"Umang Bhatt",
"Kartik Chandra",
"Lionel Wong",
"Mina Lee",
"Cedegao E. Zhang",
"Tan Zhi-Xuan",
"Mark Ho",
"Vikash Mansinghka",
"Adrian Weller",
"Joshua B. Tenenbaum",
"Thomas L. Griffiths"
] | 2024-07-22 | What do we want from machine intelligence? We envision machines that are not
just tools for thought, but partners in thought: reasonable, insightful,
knowledgeable, reliable, and trustworthy systems that think with us. Current
artificial intelligence (AI) systems satisfy some of these criteria, some of
the time. In this Perspective, we show how the science of collaborative
cognition can be put to work to engineer systems that really can be called
``thought partners,'' systems built to meet our expectations and complement our
limitations. We lay out several modes of collaborative thought in which humans
and AI thought partners can engage and propose desiderata for human-compatible
thought partnerships. Drawing on motifs from computational cognitive science,
we motivate an alternative scaling path for the design of thought partners and
ecosystems around their use through a Bayesian lens, whereby the partners we
construct actively build and reason over models of the human and world. | null | cs.HC | [
"cs.HC",
"cs.AI",
"cs.LG"
] |
2408.15300 | HF | GIFT-SW: Gaussian noise Injected Fine-Tuning of Salient Weights for LLMs | [
"Maxim Zhelnin",
"Viktor Moskvoretskii",
"Egor Shvetsov",
"Egor Venediktov",
"Mariya Krylova",
"Aleksandr Zuev",
"Evgeny Burnaev"
] | 2024-08-27 | Parameter Efficient Fine-Tuning (PEFT) methods have gained popularity and
democratized the usage of Large Language Models (LLMs). Recent studies have
shown that a small subset of weights significantly impacts performance. Based
on this observation, we introduce a novel PEFT method, called Gaussian noise
Injected Fine Tuning of Salient Weights (GIFT-SW). Our method updates only
salient columns, while injecting Gaussian noise into non-salient ones. To
identify these columns, we developeda generalized sensitivity metric that
extends and unifies metrics from previous studies. Experiments with LLaMA
models demonstrate that GIFT-SW outperforms full fine-tuning and modern PEFT
methods under the same computational budget. Moreover, GIFT-SW offers practical
advantages to recover performance of models subjected to mixed-precision
quantization with keeping salient weights in full precision. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2307.06962 | HF | Copy Is All You Need | [
"Tian Lan",
"Deng Cai",
"Yan Wang",
"Heyan Huang",
"Xian-Ling Mao"
] | 2023-07-13 | The dominant text generation models compose the output by sequentially
selecting words from a fixed vocabulary. In this paper, we formulate text
generation as progressively copying text segments (e.g., words or phrases) from
an existing text collection. We compute the contextualized representations of
meaningful text segments and index them using efficient vector search toolkits.
The task of text generation is then decomposed into a series of copy-and-paste
operations: at each time step, we seek suitable text spans from the text
collection rather than selecting from a standalone vocabulary. Experiments on
the standard language modeling benchmark (WikiText-103) show that our approach
achieves better generation quality according to both automatic and human
evaluations. Besides, its inference efficiency is comparable to token-level
autoregressive models thanks to the reduction of decoding steps. We also show
that our approach allows for effective domain adaptation by simply switching to
domain-specific text collection without extra training. Finally, we observe
that our approach attains additional performance gains by simply scaling up to
larger text collections, again without further training.\footnote{Our source
codes are publicly available at
\url{https://github.com/gmftbyGMFTBY/Copyisallyouneed}.} | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2309.06441 | HF | Learning Disentangled Avatars with Hybrid 3D Representations | [
"Yao Feng",
"Weiyang Liu",
"Timo Bolkart",
"Jinlong Yang",
"Marc Pollefeys",
"Michael J. Black"
] | 2023-09-12 | Tremendous efforts have been made to learn animatable and photorealistic
human avatars. Towards this end, both explicit and implicit 3D representations
are heavily studied for a holistic modeling and capture of the whole human
(e.g., body, clothing, face and hair), but neither representation is an optimal
choice in terms of representation efficacy since different parts of the human
avatar have different modeling desiderata. For example, meshes are generally
not suitable for modeling clothing and hair. Motivated by this, we present
Disentangled Avatars~(DELTA), which models humans with hybrid explicit-implicit
3D representations. DELTA takes a monocular RGB video as input, and produces a
human avatar with separate body and clothing/hair layers. Specifically, we
demonstrate two important applications for DELTA. For the first one, we
consider the disentanglement of the human body and clothing and in the second,
we disentangle the face and hair. To do so, DELTA represents the body or face
with an explicit mesh-based parametric 3D model and the clothing or hair with
an implicit neural radiance field. To make this possible, we design an
end-to-end differentiable renderer that integrates meshes into volumetric
rendering, enabling DELTA to learn directly from monocular videos without any
3D supervision. Finally, we show that how these two applications can be easily
combined to model full-body avatars, such that the hair, face, body and
clothing can be fully disentangled yet jointly rendered. Such a disentanglement
enables hair and clothing transfer to arbitrary body shapes. We empirically
validate the effectiveness of DELTA's disentanglement by demonstrating its
promising performance on disentangled reconstruction, virtual clothing try-on
and hairstyle transfer. To facilitate future research, we also release an
open-sourced pipeline for the study of hybrid human avatar modeling. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.GR"
] |
2310.10631 | Both | Llemma: An Open Language Model For Mathematics | [
"Zhangir Azerbayev",
"Hailey Schoelkopf",
"Keiran Paster",
"Marco Dos Santos",
"Stephen McAleer",
"Albert Q. Jiang",
"Jia Deng",
"Stella Biderman",
"Sean Welleck"
] | 2023-10-16 | We present Llemma, a large language model for mathematics. We continue
pretraining Code Llama on the Proof-Pile-2, a mixture of scientific papers, web
data containing mathematics, and mathematical code, yielding Llemma. On the
MATH benchmark Llemma outperforms all known open base models, as well as the
unreleased Minerva model suite on an equi-parameter basis. Moreover, Llemma is
capable of tool use and formal theorem proving without any further finetuning.
We openly release all artifacts, including 7 billion and 34 billion parameter
models, the Proof-Pile-2, and code to replicate our experiments. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LO"
] |
2401.09340 | HF | SceneVerse: Scaling 3D Vision-Language Learning for Grounded Scene Understanding | [
"Baoxiong Jia",
"Yixin Chen",
"Huangyue Yu",
"Yan Wang",
"Xuesong Niu",
"Tengyu Liu",
"Qing Li",
"Siyuan Huang"
] | 2024-01-17 | 3D vision-language grounding, which focuses on aligning language with the 3D
physical environment, stands as a cornerstone in the development of embodied
agents. In comparison to recent advancements in the 2D domain, grounding
language in 3D scenes faces several significant challenges: (i) the inherent
complexity of 3D scenes due to the diverse object configurations, their rich
attributes, and intricate relationships; (ii) the scarcity of paired 3D
vision-language data to support grounded learning; and (iii) the absence of a
unified learning framework to distill knowledge from grounded 3D data. In this
work, we aim to address these three major challenges in 3D vision-language by
examining the potential of systematically upscaling 3D vision-language learning
in indoor environments. We introduce the first million-scale 3D vision-language
dataset, SceneVerse, encompassing about 68K 3D indoor scenes and comprising
2.5M vision-language pairs derived from both human annotations and our scalable
scene-graph-based generation approach. We demonstrate that this scaling allows
for a unified pre-training framework, Grounded Pre-training for Scenes (GPS),
for 3D vision-language learning. Through extensive experiments, we showcase the
effectiveness of GPS by achieving state-of-the-art performance on all existing
3D visual grounding benchmarks. The vast potential of SceneVerse and GPS is
unveiled through zero-shot transfer experiments in the challenging 3D
vision-language tasks. Project website: https://scene-verse.github.io. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG",
"cs.RO"
] |
2403.00071 | HF | Resonance RoPE: Improving Context Length Generalization of Large Language Models | [
"Suyuchen Wang",
"Ivan Kobyzev",
"Peng Lu",
"Mehdi Rezagholizadeh",
"Bang Liu"
] | 2024-02-29 | This paper addresses the challenge of train-short-test-long (TSTL) scenarios
in Large Language Models (LLMs) equipped with Rotary Position Embedding (RoPE),
where models pre-trained on shorter sequences face difficulty with
out-of-distribution (OOD) token positions in longer sequences. We introduce
Resonance RoPE, a novel approach designed to narrow the generalization gap in
TSTL scenarios by refining the interpolation of RoPE features for OOD
positions, significantly improving the model performance without additional
online computational costs. Furthermore, we present PosGen, a new synthetic
benchmark specifically designed for fine-grained behavior analysis in TSTL
scenarios, aiming to isolate the constantly increasing difficulty of token
generation on long contexts from the challenges of recognizing new token
positions. Our experiments on synthetic tasks show that after applying
Resonance RoPE, Transformers recognize OOD position better and more robustly.
Our extensive LLM experiments also show superior performance after applying
Resonance RoPE to the current state-of-the-art RoPE scaling method, YaRN, on
both upstream language modeling tasks and a variety of downstream long-text
applications. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2401.10020 | Both | Self-Rewarding Language Models | [
"Weizhe Yuan",
"Richard Yuanzhe Pang",
"Kyunghyun Cho",
"Xian Li",
"Sainbayar Sukhbaatar",
"Jing Xu",
"Jason Weston"
] | 2024-01-18 | We posit that to achieve superhuman agents, future models require superhuman
feedback in order to provide an adequate training signal. Current approaches
commonly train reward models from human preferences, which may then be
bottlenecked by human performance level, and secondly these separate frozen
reward models cannot then learn to improve during LLM training. In this work,
we study Self-Rewarding Language Models, where the language model itself is
used via LLM-as-a-Judge prompting to provide its own rewards during training.
We show that during Iterative DPO training that not only does instruction
following ability improve, but also the ability to provide high-quality rewards
to itself. Fine-tuning Llama 2 70B on three iterations of our approach yields a
model that outperforms many existing systems on the AlpacaEval 2.0 leaderboard,
including Claude 2, Gemini Pro, and GPT-4 0613. While there is much left still
to explore, this work opens the door to the possibility of models that can
continually improve in both axes. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2407.00114 | HF | OmniJARVIS: Unified Vision-Language-Action Tokenization Enables Open-World Instruction Following Agents | [
"Zihao Wang",
"Shaofei Cai",
"Zhancun Mu",
"Haowei Lin",
"Ceyao Zhang",
"Xuejie Liu",
"Qing Li",
"Anji Liu",
"Xiaojian Ma",
"Yitao Liang"
] | 2024-06-27 | We present OmniJARVIS, a novel Vision-Language-Action (VLA) model for
open-world instruction-following agents in open-world Minecraft. Compared to
prior works that either emit textual goals to separate controllers or produce
the control command directly, OmniJARVIS seeks a different path to ensure both
strong reasoning and efficient decision-making capabilities via unified
tokenization of multimodal interaction data. First, we introduce a
self-supervised approach to learn a behavior encoder that produces discretized
tokens for behavior trajectories $\tau$ = {$o_0$, $a_0$, $\dots$} and an
imitation learning (IL) policy decoder conditioned on these tokens. These
additional behavior tokens will be augmented to the vocabulary of pretrained
Multimodal Language Models (MLMs). With this encoder, we then pack long-term
multimodal interactions involving task instructions, memories, thoughts,
observations, textual responses, behavior trajectories, etc. into unified token
sequences and model them with autoregressive transformers. Thanks to the
semantically meaningful behavior tokens, the resulting VLA model, OmniJARVIS,
can reason (by producing chain-of-thoughts), plan, answer questions, and act
(by producing behavior tokens for the IL policy decoder). OmniJARVIS
demonstrates excellent performances on a comprehensive collection of atomic,
programmatic, and open-ended tasks in open-world Minecraft. Our analysis
further unveils the crucial design principles in interaction data formation,
unified tokenization, and its scaling potentials. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2407.09018 | HF | AUITestAgent: Automatic Requirements Oriented GUI Function Testing | [
"Yongxiang Hu",
"Xuan Wang",
"Yingchuan Wang",
"Yu Zhang",
"Shiyu Guo",
"Chaoyi Chen",
"Xin Wang",
"Yangfan Zhou"
] | 2024-07-12 | The Graphical User Interface (GUI) is how users interact with mobile apps. To
ensure it functions properly, testing engineers have to make sure it functions
as intended, based on test requirements that are typically written in natural
language. While widely adopted manual testing and script-based methods are
effective, they demand substantial effort due to the vast number of GUI pages
and rapid iterations in modern mobile apps. This paper introduces AUITestAgent,
the first automatic, natural language-driven GUI testing tool for mobile apps,
capable of fully automating the entire process of GUI interaction and function
verification. Since test requirements typically contain interaction commands
and verification oracles. AUITestAgent can extract GUI interactions from test
requirements via dynamically organized agents. Then, AUITestAgent employs a
multi-dimensional data extraction strategy to retrieve data relevant to the
test requirements from the interaction trace and perform verification.
Experiments on customized benchmarks demonstrate that AUITestAgent outperforms
existing tools in the quality of generated GUI interactions and achieved the
accuracy of verifications of 94%. Moreover, field deployment in Meituan has
shown AUITestAgent's practical usability, with it detecting 4 new functional
bugs during 10 regression tests in two months. | null | cs.SE | [
"cs.SE"
] |
2403.14870 | HF | VidLA: Video-Language Alignment at Scale | [
"Mamshad Nayeem Rizve",
"Fan Fei",
"Jayakrishnan Unnikrishnan",
"Son Tran",
"Benjamin Z. Yao",
"Belinda Zeng",
"Mubarak Shah",
"Trishul Chilimbi"
] | 2024-03-21 | In this paper, we propose VidLA, an approach for video-language alignment at
scale. There are two major limitations of previous video-language alignment
approaches. First, they do not capture both short-range and long-range temporal
dependencies and typically employ complex hierarchical deep network
architectures that are hard to integrate with existing pretrained image-text
foundation models. To effectively address this limitation, we instead keep the
network architecture simple and use a set of data tokens that operate at
different temporal resolutions in a hierarchical manner, accounting for the
temporally hierarchical nature of videos. By employing a simple two-tower
architecture, we are able to initialize our video-language model with
pretrained image-text foundation models, thereby boosting the final
performance. Second, existing video-language alignment works struggle due to
the lack of semantically aligned large-scale training data. To overcome it, we
leverage recent LLMs to curate the largest video-language dataset to date with
better visual grounding. Furthermore, unlike existing video-text datasets which
only contain short clips, our dataset is enriched with video clips of varying
durations to aid our temporally hierarchical data tokens in extracting better
representations at varying temporal scales. Overall, empirical results show
that our proposed approach surpasses state-of-the-art methods on multiple
retrieval benchmarks, especially on longer videos, and performs competitively
on classification benchmarks. | null | cs.CV | [
"cs.CV",
"cs.CL",
"cs.LG"
] |
2305.03509 | HF | Diffusion Explainer: Visual Explanation for Text-to-image Stable Diffusion | [
"Seongmin Lee",
"Benjamin Hoover",
"Hendrik Strobelt",
"Zijie J. Wang",
"ShengYun Peng",
"Austin Wright",
"Kevin Li",
"Haekyu Park",
"Haoyang Yang",
"Duen Horng Chau"
] | 2023-05-04 | Diffusion-based generative models' impressive ability to create convincing
images has garnered global attention. However, their complex structures and
operations often pose challenges for non-experts to grasp. We present Diffusion
Explainer, the first interactive visualization tool that explains how Stable
Diffusion transforms text prompts into images. Diffusion Explainer tightly
integrates a visual overview of Stable Diffusion's complex structure with
explanations of the underlying operations. By comparing image generation of
prompt variants, users can discover the impact of keyword changes on image
generation. A 56-participant user study demonstrates that Diffusion Explainer
offers substantial learning benefits to non-experts. Our tool has been used by
over 10,300 users from 124 countries at
https://poloclub.github.io/diffusion-explainer/. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.HC",
"cs.LG"
] |
2406.00153 | HF | $μ$LO: Compute-Efficient Meta-Generalization of Learned Optimizers | [
"Benjamin Thérien",
"Charles-Étienne Joseph",
"Boris Knyazev",
"Edouard Oyallon",
"Irina Rish",
"Eugene Belilovsky"
] | 2024-05-31 | Learned optimizers (LOs) can significantly reduce the wall-clock training
time of neural networks, substantially reducing training costs. However, they
often suffer from poor meta-generalization, especially when training networks
larger than those seen during meta-training. To address this, we use the
recently proposed Maximal Update Parametrization ($\mu$P), which allows
zero-shot generalization of optimizer hyperparameters from smaller to larger
models. We extend $\mu$P theory to learned optimizers, treating the
meta-training problem as finding the learned optimizer under $\mu$P. Our
evaluation shows that LOs meta-trained with $\mu$P substantially improve
meta-generalization as compared to LOs trained under standard parametrization
(SP). Notably, when applied to large-width models, our best $\mu$LO, trained
for 103 GPU-hours, matches or exceeds the performance of VeLO, the largest
publicly available learned optimizer, meta-trained with 4000 TPU-months of
compute. Moreover, $\mu$LOs demonstrate better generalization than their SP
counterparts to deeper networks and to much longer training horizons (25 times
longer) than those seen during meta-training. | null | cs.LG | [
"cs.LG"
] |
2404.12385 | HF | MeshLRM: Large Reconstruction Model for High-Quality Mesh | [
"Xinyue Wei",
"Kai Zhang",
"Sai Bi",
"Hao Tan",
"Fujun Luan",
"Valentin Deschaintre",
"Kalyan Sunkavalli",
"Hao Su",
"Zexiang Xu"
] | 2024-04-18 | We propose MeshLRM, a novel LRM-based approach that can reconstruct a
high-quality mesh from merely four input images in less than one second.
Different from previous large reconstruction models (LRMs) that focus on
NeRF-based reconstruction, MeshLRM incorporates differentiable mesh extraction
and rendering within the LRM framework. This allows for end-to-end mesh
reconstruction by fine-tuning a pre-trained NeRF LRM with mesh rendering.
Moreover, we improve the LRM architecture by simplifying several complex
designs in previous LRMs. MeshLRM's NeRF initialization is sequentially trained
with low- and high-resolution images; this new LRM training strategy enables
significantly faster convergence and thereby leads to better quality with less
compute. Our approach achieves state-of-the-art mesh reconstruction from
sparse-view inputs and also allows for many downstream applications, including
text-to-3D and single-image-to-3D generation. Project page:
https://sarahweiii.github.io/meshlrm/ | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2310.00898 | HF | Enabling Language Models to Implicitly Learn Self-Improvement | [
"Ziqi Wang",
"Le Hou",
"Tianjian Lu",
"Yuexin Wu",
"Yunxuan Li",
"Hongkun Yu",
"Heng Ji"
] | 2023-10-02 | Large Language Models (LLMs) have demonstrated remarkable capabilities in
open-ended text generation tasks. However, the inherent open-ended nature of
these tasks implies that there is always room for improvement in the quality of
model responses. To address this challenge, various approaches have been
proposed to enhance the performance of LLMs. There has been a growing focus on
enabling LLMs to self-improve their response quality, thereby reducing the
reliance on extensive human annotation efforts for collecting diverse and
high-quality training data. Recently, prompting-based methods have been widely
explored among self-improvement methods owing to their effectiveness,
efficiency, and convenience. However, those methods usually require explicitly
and thoroughly written rubrics as inputs to LLMs. It is expensive and
challenging to manually derive and provide all necessary rubrics with a
real-world complex goal for improvement (e.g., being more helpful and less
harmful). To this end, we propose an ImPlicit Self-ImprovemenT (PIT) framework
that implicitly learns the improvement goal from human preference data. PIT
only requires preference data that are used to train reward models without
extra human efforts. Specifically, we reformulate the training objective of
reinforcement learning from human feedback (RLHF) -- instead of maximizing
response quality for a given input, we maximize the quality gap of the response
conditioned on a reference response. In this way, PIT is implicitly trained
with the improvement goal of better aligning with human preferences.
Experiments on two real-world datasets and one synthetic dataset show that our
method significantly outperforms prompting-based methods. | null | cs.CL | [
"cs.CL"
] |
2310.08529 | HF | GaussianDreamer: Fast Generation from Text to 3D Gaussians by Bridging 2D and 3D Diffusion Models | [
"Taoran Yi",
"Jiemin Fang",
"Junjie Wang",
"Guanjun Wu",
"Lingxi Xie",
"Xiaopeng Zhang",
"Wenyu Liu",
"Qi Tian",
"Xinggang Wang"
] | 2023-10-12 | In recent times, the generation of 3D assets from text prompts has shown
impressive results. Both 2D and 3D diffusion models can help generate decent 3D
objects based on prompts. 3D diffusion models have good 3D consistency, but
their quality and generalization are limited as trainable 3D data is expensive
and hard to obtain. 2D diffusion models enjoy strong abilities of
generalization and fine generation, but 3D consistency is hard to guarantee.
This paper attempts to bridge the power from the two types of diffusion models
via the recent explicit and efficient 3D Gaussian splatting representation. A
fast 3D object generation framework, named as GaussianDreamer, is proposed,
where the 3D diffusion model provides priors for initialization and the 2D
diffusion model enriches the geometry and appearance. Operations of noisy point
growing and color perturbation are introduced to enhance the initialized
Gaussians. Our GaussianDreamer can generate a high-quality 3D instance or 3D
avatar within 15 minutes on one GPU, much faster than previous methods, while
the generated instances can be directly rendered in real time. Demos and code
are available at https://taoranyi.com/gaussiandreamer/. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2406.07496 | HF | TextGrad: Automatic "Differentiation" via Text | [
"Mert Yuksekgonul",
"Federico Bianchi",
"Joseph Boen",
"Sheng Liu",
"Zhi Huang",
"Carlos Guestrin",
"James Zou"
] | 2024-06-11 | AI is undergoing a paradigm shift, with breakthroughs achieved by systems
orchestrating multiple large language models (LLMs) and other complex
components. As a result, developing principled and automated optimization
methods for compound AI systems is one of the most important new challenges.
Neural networks faced a similar challenge in its early days until
backpropagation and automatic differentiation transformed the field by making
optimization turn-key. Inspired by this, we introduce TextGrad, a powerful
framework performing automatic ``differentiation'' via text. TextGrad
backpropagates textual feedback provided by LLMs to improve individual
components of a compound AI system. In our framework, LLMs provide rich,
general, natural language suggestions to optimize variables in computation
graphs, ranging from code snippets to molecular structures. TextGrad follows
PyTorch's syntax and abstraction and is flexible and easy-to-use. It works
out-of-the-box for a variety of tasks, where the users only provide the
objective function without tuning components or prompts of the framework. We
showcase TextGrad's effectiveness and generality across a diverse range of
applications, from question answering and molecule optimization to radiotherapy
treatment planning. Without modifying the framework, TextGrad improves the
zero-shot accuracy of GPT-4o in Google-Proof Question Answering from $51\%$ to
$55\%$, yields $20\%$ relative performance gain in optimizing LeetCode-Hard
coding problem solutions, improves prompts for reasoning, designs new druglike
small molecules with desirable in silico binding, and designs radiation
oncology treatment plans with high specificity. TextGrad lays a foundation to
accelerate the development of the next-generation of AI systems. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2401.04398 | HF | Chain-of-Table: Evolving Tables in the Reasoning Chain for Table Understanding | [
"Zilong Wang",
"Hao Zhang",
"Chun-Liang Li",
"Julian Martin Eisenschlos",
"Vincent Perot",
"Zifeng Wang",
"Lesly Miculicich",
"Yasuhisa Fujii",
"Jingbo Shang",
"Chen-Yu Lee",
"Tomas Pfister"
] | 2024-01-09 | Table-based reasoning with large language models (LLMs) is a promising
direction to tackle many table understanding tasks, such as table-based
question answering and fact verification. Compared with generic reasoning,
table-based reasoning requires the extraction of underlying semantics from both
free-form questions and semi-structured tabular data. Chain-of-Thought and its
similar approaches incorporate the reasoning chain in the form of textual
context, but it is still an open question how to effectively leverage tabular
data in the reasoning chain. We propose the Chain-of-Table framework, where
tabular data is explicitly used in the reasoning chain as a proxy for
intermediate thoughts. Specifically, we guide LLMs using in-context learning to
iteratively generate operations and update the table to represent a tabular
reasoning chain. LLMs can therefore dynamically plan the next operation based
on the results of the previous ones. This continuous evolution of the table
forms a chain, showing the reasoning process for a given tabular problem. The
chain carries structured information of the intermediate results, enabling more
accurate and reliable predictions. Chain-of-Table achieves new state-of-the-art
performance on WikiTQ, FeTaQA, and TabFact benchmarks across multiple LLM
choices. | null | cs.CL | [
"cs.CL"
] |
2406.19568 | HF | What Matters in Detecting AI-Generated Videos like Sora? | [
"Chirui Chang",
"Zhengzhe Liu",
"Xiaoyang Lyu",
"Xiaojuan Qi"
] | 2024-06-27 | Recent advancements in diffusion-based video generation have showcased
remarkable results, yet the gap between synthetic and real-world videos remains
under-explored. In this study, we examine this gap from three fundamental
perspectives: appearance, motion, and geometry, comparing real-world videos
with those generated by a state-of-the-art AI model, Stable Video Diffusion. To
achieve this, we train three classifiers using 3D convolutional networks, each
targeting distinct aspects: vision foundation model features for appearance,
optical flow for motion, and monocular depth for geometry. Each classifier
exhibits strong performance in fake video detection, both qualitatively and
quantitatively. This indicates that AI-generated videos are still easily
detectable, and a significant gap between real and fake videos persists.
Furthermore, utilizing the Grad-CAM, we pinpoint systematic failures of
AI-generated videos in appearance, motion, and geometry. Finally, we propose an
Ensemble-of-Experts model that integrates appearance, optical flow, and depth
information for fake video detection, resulting in enhanced robustness and
generalization ability. Our model is capable of detecting videos generated by
Sora with high accuracy, even without exposure to any Sora videos during
training. This suggests that the gap between real and fake videos can be
generalized across various video generative models. Project page:
https://justin-crchang.github.io/3DCNNDetection.github.io/ | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2307.06018 | HF | PolyLM: An Open Source Polyglot Large Language Model | [
"Xiangpeng Wei",
"Haoran Wei",
"Huan Lin",
"Tianhao Li",
"Pei Zhang",
"Xingzhang Ren",
"Mei Li",
"Yu Wan",
"Zhiwei Cao",
"Binbin Xie",
"Tianxiang Hu",
"Shangjie Li",
"Binyuan Hui",
"Bowen Yu",
"Dayiheng Liu",
"Baosong Yang",
"Fei Huang",
"Jun Xie"
] | 2023-07-12 | Large language models (LLMs) demonstrate remarkable ability to comprehend,
reason, and generate following nature language instructions. However, the
development of LLMs has been primarily focused on high-resource languages, such
as English, thereby limiting their applicability and research in other
languages. Consequently, we present PolyLM, a multilingual LLM trained on 640
billion (B) tokens, avaliable in two model sizes: 1.7B and 13B. To enhance its
multilingual capabilities, we 1) integrate bilingual data into training data;
and 2) adopt a curriculum learning strategy that increases the proportion of
non-English data from 30% in the first stage to 60% in the final stage during
pre-training. Further, we propose a multilingual self-instruct method which
automatically generates 132.7K diverse multilingual instructions for model
fine-tuning. To assess the model's performance, we collect several existing
multilingual tasks, including multilingual understanding, question answering,
generation, and translation. Extensive experiments show that PolyLM surpasses
other open-source models such as LLaMA and BLOOM on multilingual tasks while
maintaining comparable performance in English. Our models, alone with the
instruction data and multilingual benchmark, are available at:
\url{https://modelscope.cn/models/damo/nlp_polylm_13b_text_generation}. | null | cs.CL | [
"cs.CL"
] |
2404.07904 | HF | HGRN2: Gated Linear RNNs with State Expansion | [
"Zhen Qin",
"Songlin Yang",
"Weixuan Sun",
"Xuyang Shen",
"Dong Li",
"Weigao Sun",
"Yiran Zhong"
] | 2024-04-11 | Hierarchically gated linear RNN (HGRN, \citealt{HGRN}) has demonstrated
competitive training speed and performance in language modeling while offering
efficient inference. However, the recurrent state size of HGRN remains
relatively small, limiting its expressiveness. To address this issue, we
introduce a simple outer product-based state expansion mechanism, which
significantly enlarges the recurrent state size without introducing any
additional parameters. This enhancement also provides a linear attention
interpretation for HGRN2, enabling hardware-efficient training. Our extensive
experiments verify the advantage of HGRN2 over HGRN consistently across
different settings and competitive with other recurrent models. | null | cs.CL | [
"cs.CL"
] |
2311.10770 | Both | Exponentially Faster Language Modelling | [
"Peter Belcak",
"Roger Wattenhofer"
] | 2023-11-15 | Language models only really need to use an exponential fraction of their
neurons for individual inferences. As proof, we present UltraFastBERT, a BERT
variant that uses 0.3% of its neurons during inference while performing on par
with similar BERT models. UltraFastBERT selectively engages just 12 out of 4095
neurons for each layer inference. This is achieved by replacing feedforward
networks with fast feedforward networks (FFFs). While no truly efficient
implementation currently exists to unlock the full acceleration potential of
conditional neural execution, we provide high-level CPU code achieving 78x
speedup over the optimized baseline feedforward implementation, and a PyTorch
implementation delivering 40x speedup over the equivalent batched feedforward
inference. We publish our training code, benchmarking setup, and model weights. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG",
"cs.NE"
] |
2311.03517 | HF | SoundCam: A Dataset for Finding Humans Using Room Acoustics | [
"Mason Wang",
"Samuel Clarke",
"Jui-Hsien Wang",
"Ruohan Gao",
"Jiajun Wu"
] | 2023-11-06 | A room's acoustic properties are a product of the room's geometry, the
objects within the room, and their specific positions. A room's acoustic
properties can be characterized by its impulse response (RIR) between a source
and listener location, or roughly inferred from recordings of natural signals
present in the room. Variations in the positions of objects in a room can
effect measurable changes in the room's acoustic properties, as characterized
by the RIR. Existing datasets of RIRs either do not systematically vary
positions of objects in an environment, or they consist of only simulated RIRs.
We present SoundCam, the largest dataset of unique RIRs from in-the-wild rooms
publicly released to date. It includes 5,000 10-channel real-world measurements
of room impulse responses and 2,000 10-channel recordings of music in three
different rooms, including a controlled acoustic lab, an in-the-wild living
room, and a conference room, with different humans in positions throughout each
room. We show that these measurements can be used for interesting tasks, such
as detecting and identifying humans, and tracking their positions. | null | cs.SD | [
"cs.SD",
"cs.CV",
"eess.AS"
] |
2304.11477 | AnswerAI | LLM+P: Empowering Large Language Models with Optimal Planning Proficiency | [
"Bo Liu",
"Yuqian Jiang",
"Xiaohan Zhang",
"Qiang Liu",
"Shiqi Zhang",
"Joydeep Biswas",
"Peter Stone"
] | 2023-04-22 | Large language models (LLMs) have demonstrated remarkable zero-shot
generalization abilities: state-of-the-art chatbots can provide plausible
answers to many common questions that arise in daily life. However, so far,
LLMs cannot reliably solve long-horizon planning problems. By contrast,
classical planners, once a problem is given in a formatted way, can use
efficient search algorithms to quickly identify correct, or even optimal,
plans. In an effort to get the best of both worlds, this paper introduces
LLM+P, the first framework that incorporates the strengths of classical
planners into LLMs. LLM+P takes in a natural language description of a planning
problem, then returns a correct (or optimal) plan for solving that problem in
natural language. LLM+P does so by first converting the language description
into a file written in the planning domain definition language (PDDL), then
leveraging classical planners to quickly find a solution, and then translating
the found solution back into natural language. Along with LLM+P, we define a
diverse set of different benchmark problems taken from common planning
scenarios. Via a comprehensive set of experiments on these benchmark problems,
we find that LLM+P is able to provide optimal solutions for most problems,
while LLMs fail to provide even feasible plans for most problems.\footnote{The
code and results are publicly available at
https://github.com/Cranial-XIX/llm-pddl.git. | null | cs.AI | [
"cs.AI",
"cs.RO"
] |
2406.02886 | HF | PLaD: Preference-based Large Language Model Distillation with Pseudo-Preference Pairs | [
"Rongzhi Zhang",
"Jiaming Shen",
"Tianqi Liu",
"Haorui Wang",
"Zhen Qin",
"Feng Han",
"Jialu Liu",
"Simon Baumgartner",
"Michael Bendersky",
"Chao Zhang"
] | 2024-06-05 | Large Language Models (LLMs) have exhibited impressive capabilities in
various tasks, yet their vast parameter sizes restrict their applicability in
resource-constrained settings. Knowledge distillation (KD) offers a viable
solution by transferring expertise from large teacher models to compact student
models. However, traditional KD techniques face specific challenges when
applied to LLMs, including restricted access to LLM outputs, significant
teacher-student capacity gaps, and the inherited mis-calibration issue. In this
work, we present PLaD, a novel preference-based LLM distillation framework.
PLaD exploits the teacher-student capacity discrepancy to generate
pseudo-preference pairs where teacher outputs are preferred over student
outputs. Then, PLaD leverages a ranking loss to re-calibrate student's
estimation of sequence likelihood, which steers the student's focus towards
understanding the relative quality of outputs instead of simply imitating the
teacher. PLaD bypasses the need for access to teacher LLM's internal states,
tackles the student's expressivity limitations, and mitigates the student
mis-calibration issue. Through extensive experiments on two sequence generation
tasks and with various LLMs, we demonstrate the effectiveness of our proposed
PLaD framework. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2401.02677 | HF | Progressive Knowledge Distillation Of Stable Diffusion XL Using Layer Level Loss | [
"Yatharth Gupta",
"Vishnu V. Jaddipal",
"Harish Prabhala",
"Sayak Paul",
"Patrick Von Platen"
] | 2024-01-05 | Stable Diffusion XL (SDXL) has become the best open source text-to-image
model (T2I) for its versatility and top-notch image quality. Efficiently
addressing the computational demands of SDXL models is crucial for wider reach
and applicability. In this work, we introduce two scaled-down variants, Segmind
Stable Diffusion (SSD-1B) and Segmind-Vega, with 1.3B and 0.74B parameter
UNets, respectively, achieved through progressive removal using layer-level
losses focusing on reducing the model size while preserving generative quality.
We release these models weights at https://hf.co/Segmind. Our methodology
involves the elimination of residual networks and transformer blocks from the
U-Net structure of SDXL, resulting in significant reductions in parameters, and
latency. Our compact models effectively emulate the original SDXL by
capitalizing on transferred knowledge, achieving competitive results against
larger multi-billion parameter SDXL. Our work underscores the efficacy of
knowledge distillation coupled with layer-level losses in reducing model size
while preserving the high-quality generative capabilities of SDXL, thus
facilitating more accessible deployment in resource-constrained environments. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2312.11458 | HF | GauFRe: Gaussian Deformation Fields for Real-time Dynamic Novel View Synthesis | [
"Yiqing Liang",
"Numair Khan",
"Zhengqin Li",
"Thu Nguyen-Phuoc",
"Douglas Lanman",
"James Tompkin",
"Lei Xiao"
] | 2023-12-18 | We propose a method for dynamic scene reconstruction using deformable 3D
Gaussians that is tailored for monocular video. Building upon the efficiency of
Gaussian splatting, our approach extends the representation to accommodate
dynamic elements via a deformable set of Gaussians residing in a canonical
space, and a time-dependent deformation field defined by a multi-layer
perceptron (MLP). Moreover, under the assumption that most natural scenes have
large regions that remain static, we allow the MLP to focus its
representational power by additionally including a static Gaussian point cloud.
The concatenated dynamic and static point clouds form the input for the
Gaussian Splatting rasterizer, enabling real-time rendering. The differentiable
pipeline is optimized end-to-end with a self-supervised rendering loss. Our
method achieves results that are comparable to state-of-the-art dynamic neural
radiance field methods while allowing much faster optimization and rendering.
Project website: https://lynl7130.github.io/gaufre/index.html | null | cs.CV | [
"cs.CV"
] |
2312.05821 | AnswerAI | ASVD: Activation-aware Singular Value Decomposition for Compressing Large Language Models | [
"Zhihang Yuan",
"Yuzhang Shang",
"Yue Song",
"Qiang Wu",
"Yan Yan",
"Guangyu Sun"
] | 2023-12-10 | In this paper, we introduce a new post-training compression paradigm for
Large Language Models (LLMs) to facilitate their wider adoption. We delve into
LLM weight low-rank factorization, and find that the challenges of this task
stem from the outlier phenomenon in the LLM activations and the sensitivity
difference among various kinds of layers. To address these issues, we propose a
training-free approach called Activation-aware Singular Value Decomposition
(ASVD). Specifically, ASVD manages activation outliers by scaling the weight
matrix based on the activation distribution, thereby enhancing decomposition
accuracy. Additionally, we propose an efficient iterative calibration process
to optimize layer-specific decomposition by addressing the varying sensitivity
of different LLM layers. ASVD can compress a network by 10-20%, without
compromising the performance of LLMs. Based on the success of the low-rank
decomposition of projection matrices in the self-attention module, we further
introduce ASVD to compress the KV cache. By reducing the channel dimension of
KV activations, memory requirements for KV cache can be largely reduced. Thanks
to the 50-75% reduction in the rank of the KV projection matrices, ASVD can
further achieve 50% KV cache reductions without performance drop in a
training-free manner. | null | cs.CL | [
"cs.CL"
] |
2305.05658 | HF | TidyBot: Personalized Robot Assistance with Large Language Models | [
"Jimmy Wu",
"Rika Antonova",
"Adam Kan",
"Marion Lepert",
"Andy Zeng",
"Shuran Song",
"Jeannette Bohg",
"Szymon Rusinkiewicz",
"Thomas Funkhouser"
] | 2023-05-09 | For a robot to personalize physical assistance effectively, it must learn
user preferences that can be generally reapplied to future scenarios. In this
work, we investigate personalization of household cleanup with robots that can
tidy up rooms by picking up objects and putting them away. A key challenge is
determining the proper place to put each object, as people's preferences can
vary greatly depending on personal taste or cultural background. For instance,
one person may prefer storing shirts in the drawer, while another may prefer
them on the shelf. We aim to build systems that can learn such preferences from
just a handful of examples via prior interactions with a particular person. We
show that robots can combine language-based planning and perception with the
few-shot summarization capabilities of large language models (LLMs) to infer
generalized user preferences that are broadly applicable to future
interactions. This approach enables fast adaptation and achieves 91.2% accuracy
on unseen objects in our benchmark dataset. We also demonstrate our approach on
a real-world mobile manipulator called TidyBot, which successfully puts away
85.0% of objects in real-world test scenarios. | 10.1007/s10514-023-10139-z | cs.RO | [
"cs.RO",
"cs.AI",
"cs.CL",
"cs.CV",
"cs.LG"
] |
2405.11143 | HF | OpenRLHF: An Easy-to-use, Scalable and High-performance RLHF Framework | [
"Jian Hu",
"Xibin Wu",
"Weixun Wang",
"Xianyu",
"Dehao Zhang",
"Yu Cao"
] | 2024-05-20 | As large language models (LLMs) continue to grow by scaling laws,
reinforcement learning from human feedback (RLHF) has gained significant
attention due to its outstanding performance. However, unlike pretraining or
fine-tuning a single model, scaling reinforcement learning from human feedback
(RLHF) for training large language models poses coordination challenges across
four models. We present OpenRLHF, an open-source framework enabling efficient
RLHF scaling. Unlike existing RLHF frameworks that co-locate four models on the
same GPUs, OpenRLHF re-designs scheduling for the models beyond 70B parameters
using Ray, vLLM, and DeepSpeed, leveraging improved resource utilization and
diverse training approaches. Integrating seamlessly with Hugging Face, OpenRLHF
provides an out-of-the-box solution with optimized algorithms and launch
scripts, which ensures user-friendliness. OpenRLHF implements RLHF, DPO,
rejection sampling, and other alignment techniques. Empowering state-of-the-art
LLM development, OpenRLHF's code is available at
\url{https://github.com/OpenRLHF/OpenRLHF}. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2401.03506 | HF | DiarizationLM: Speaker Diarization Post-Processing with Large Language Models | [
"Quan Wang",
"Yiling Huang",
"Guanlong Zhao",
"Evan Clark",
"Wei Xia",
"Hank Liao"
] | 2024-01-07 | In this paper, we introduce DiarizationLM, a framework to leverage large
language models (LLM) to post-process the outputs from a speaker diarization
system. Various goals can be achieved with the proposed framework, such as
improving the readability of the diarized transcript, or reducing the word
diarization error rate (WDER). In this framework, the outputs of the automatic
speech recognition (ASR) and speaker diarization systems are represented as a
compact textual format, which is included in the prompt to an optionally
finetuned LLM. The outputs of the LLM can be used as the refined diarization
results with the desired enhancement. As a post-processing step, this framework
can be easily applied to any off-the-shelf ASR and speaker diarization systems
without retraining existing components. Our experiments show that a finetuned
PaLM 2-S model can reduce the WDER by rel. 55.5% on the Fisher telephone
conversation dataset, and rel. 44.9% on the Callhome English dataset. | null | eess.AS | [
"eess.AS",
"cs.LG",
"cs.SD"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.