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
2305.20091
HF
Humans in 4D: Reconstructing and Tracking Humans with Transformers
[ "Shubham Goel", "Georgios Pavlakos", "Jathushan Rajasegaran", "Angjoo Kanazawa", "Jitendra Malik" ]
2023-05-31
We present an approach to reconstruct humans and track them over time. At the core of our approach, we propose a fully "transformerized" version of a network for human mesh recovery. This network, HMR 2.0, advances the state of the art and shows the capability to analyze unusual poses that have in the past been difficult to reconstruct from single images. To analyze video, we use 3D reconstructions from HMR 2.0 as input to a tracking system that operates in 3D. This enables us to deal with multiple people and maintain identities through occlusion events. Our complete approach, 4DHumans, achieves state-of-the-art results for tracking people from monocular video. Furthermore, we demonstrate the effectiveness of HMR 2.0 on the downstream task of action recognition, achieving significant improvements over previous pose-based action recognition approaches. Our code and models are available on the project website: https://shubham-goel.github.io/4dhumans/.
null
cs.CV
[ "cs.CV" ]
2306.13421
Both
Retrieval-Pretrained Transformer: Long-range Language Modeling with Self-retrieval
[ "Ohad Rubin", "Jonathan Berant" ]
2023-06-23
Retrieval-augmented language models (LMs) have received much attention recently. However, typically the retriever is not trained jointly as a native component of the LM, but added post-hoc to an already-pretrained LM, which limits the ability of the LM and the retriever to adapt to one another. In this work, we propose the Retrieval-Pretrained Transformer (RPT), an architecture and training procedure for jointly training a retrieval-augmented LM from scratch and apply it to the task of modeling long texts. Given a recently generated text chunk in a long document, the LM computes query representations, which are then used to retrieve earlier chunks in the document, located potentially tens of thousands of tokens before. Information from retrieved chunks is fused into the LM representations to predict the next target chunk. We train the retriever component with a semantic objective, where the goal is to retrieve chunks that increase the probability of the next chunk, according to a reference LM. We evaluate RPT on four long-range language modeling tasks, spanning books, code, and mathematical writing, and demonstrate that RPT improves retrieval quality and subsequently perplexity across the board compared to strong baselines.
null
cs.CL
[ "cs.CL" ]
2407.10827
HF
LLM Circuit Analyses Are Consistent Across Training and Scale
[ "Curt Tigges", "Michael Hanna", "Qinan Yu", "Stella Biderman" ]
2024-07-15
Most currently deployed large language models (LLMs) undergo continuous training or additional finetuning. By contrast, most research into LLMs' internal mechanisms focuses on models at one snapshot in time (the end of pre-training), raising the question of whether their results generalize to real-world settings. Existing studies of mechanisms over time focus on encoder-only or toy models, which differ significantly from most deployed models. In this study, we track how model mechanisms, operationalized as circuits, emerge and evolve across 300 billion tokens of training in decoder-only LLMs, in models ranging from 70 million to 2.8 billion parameters. We find that task abilities and the functional components that support them emerge consistently at similar token counts across scale. Moreover, although such components may be implemented by different attention heads over time, the overarching algorithm that they implement remains. Surprisingly, both these algorithms and the types of components involved therein can replicate across model scale. These results suggest that circuit analyses conducted on small models at the end of pre-training can provide insights that still apply after additional pre-training and over model scale.
null
cs.LG
[ "cs.LG", "cs.CL" ]
2310.03720
HF
SteP: Stacked LLM Policies for Web Actions
[ "Paloma Sodhi", "S. R. K. Branavan", "Yoav Artzi", "Ryan McDonald" ]
2023-10-05
Performing tasks on the web presents fundamental challenges to large language models (LLMs), including combinatorially large open-world tasks and variations across web interfaces. Simply specifying a large prompt to handle all possible behaviors and states is extremely complex, and results in behavior leaks between unrelated behaviors. Decomposition to distinct policies can address this challenge, but requires carefully handing off control between policies. We propose Stacked LLM Policies for Web Actions (SteP), an approach to dynamically compose policies to solve a diverse set of web tasks. SteP defines a Markov Decision Process where the state is a stack of policies representing the control state, i.e., the chain of policy calls. Unlike traditional methods that are restricted to static hierarchies, SteP enables dynamic control that adapts to the complexity of the task. We evaluate SteP against multiple baselines and web environments including WebArena, MiniWoB++, and a CRM. On WebArena, SteP improves (14.9\% to 33.5\%) over SOTA that use GPT-4 policies, while on MiniWob++, SteP is competitive with prior works while using significantly less data. Our code and data are available at https://asappresearch.github.io/webagents-step.
null
cs.LG
[ "cs.LG" ]
2312.07987
HF
SwitchHead: Accelerating Transformers with Mixture-of-Experts Attention
[ "Róbert Csordás", "Piotr Piękos", "Kazuki Irie", "Jürgen Schmidhuber" ]
2023-12-13
The costly self-attention layers in modern Transformers require memory and compute quadratic in sequence length. Existing approximation methods usually underperform and fail to obtain significant speedups in practice. Here we present SwitchHead - a novel method that reduces both compute and memory requirements and achieves wall-clock speedup, while matching the language modeling performance of baseline Transformers with the same parameter budget. SwitchHead uses Mixture-of-Experts (MoE) layers for the value and output projections and requires 4 to 8 times fewer attention matrices than standard Transformers. Our novel attention can also be combined with MoE MLP layers, resulting in an efficient fully-MoE "SwitchAll" Transformer model. Our code is public.
null
cs.LG
[ "cs.LG", "cs.CL", "cs.NE" ]
2311.12024
HF
PF-LRM: Pose-Free Large Reconstruction Model for Joint Pose and Shape Prediction
[ "Peng Wang", "Hao Tan", "Sai Bi", "Yinghao Xu", "Fujun Luan", "Kalyan Sunkavalli", "Wenping Wang", "Zexiang Xu", "Kai Zhang" ]
2023-11-20
We propose a Pose-Free Large Reconstruction Model (PF-LRM) for reconstructing a 3D object from a few unposed images even with little visual overlap, while simultaneously estimating the relative camera poses in ~1.3 seconds on a single A100 GPU. PF-LRM is a highly scalable method utilizing the self-attention blocks to exchange information between 3D object tokens and 2D image tokens; we predict a coarse point cloud for each view, and then use a differentiable Perspective-n-Point (PnP) solver to obtain camera poses. When trained on a huge amount of multi-view posed data of ~1M objects, PF-LRM shows strong cross-dataset generalization ability, and outperforms baseline methods by a large margin in terms of pose prediction accuracy and 3D reconstruction quality on various unseen evaluation datasets. We also demonstrate our model's applicability in downstream text/image-to-3D task with fast feed-forward inference. Our project website is at: https://totoro97.github.io/pf-lrm .
null
cs.CV
[ "cs.CV" ]
2406.09413
HF
Interpreting the Weight Space of Customized Diffusion Models
[ "Amil Dravid", "Yossi Gandelsman", "Kuan-Chieh Wang", "Rameen Abdal", "Gordon Wetzstein", "Alexei A. Efros", "Kfir Aberman" ]
2024-06-13
We investigate the space of weights spanned by a large collection of customized diffusion models. We populate this space by creating a dataset of over 60,000 models, each of which is a base model fine-tuned to insert a different person's visual identity. We model the underlying manifold of these weights as a subspace, which we term weights2weights. We demonstrate three immediate applications of this space -- sampling, editing, and inversion. First, as each point in the space corresponds to an identity, sampling a set of weights from it results in a model encoding a novel identity. Next, we find linear directions in this space corresponding to semantic edits of the identity (e.g., adding a beard). These edits persist in appearance across generated samples. Finally, we show that inverting a single image into this space reconstructs a realistic identity, even if the input image is out of distribution (e.g., a painting). Our results indicate that the weight space of fine-tuned diffusion models behaves as an interpretable latent space of identities.
null
cs.CV
[ "cs.CV", "cs.GR", "cs.LG" ]
2407.20183
HF
MindSearch: Mimicking Human Minds Elicits Deep AI Searcher
[ "Zehui Chen", "Kuikun Liu", "Qiuchen Wang", "Jiangning Liu", "Wenwei Zhang", "Kai Chen", "Feng Zhao" ]
2024-07-29
Information seeking and integration is a complex cognitive task that consumes enormous time and effort. Inspired by the remarkable progress of Large Language Models, recent works attempt to solve this task by combining LLMs and search engines. However, these methods still obtain unsatisfying performance due to three challenges: (1) complex requests often cannot be accurately and completely retrieved by the search engine once (2) corresponding information to be integrated is spread over multiple web pages along with massive noise, and (3) a large number of web pages with long contents may quickly exceed the maximum context length of LLMs. Inspired by the cognitive process when humans solve these problems, we introduce MindSearch to mimic the human minds in web information seeking and integration, which can be instantiated by a simple yet effective LLM-based multi-agent framework. The WebPlanner models the human mind of multi-step information seeking as a dynamic graph construction process: it decomposes the user query into atomic sub-questions as nodes in the graph and progressively extends the graph based on the search result from WebSearcher. Tasked with each sub-question, WebSearcher performs hierarchical information retrieval with search engines and collects valuable information for WebPlanner. The multi-agent design of MindSearch enables the whole framework to seek and integrate information parallelly from larger-scale (e.g., more than 300) web pages in 3 minutes, which is worth 3 hours of human effort. MindSearch demonstrates significant improvement in the response quality in terms of depth and breadth, on both close-set and open-set QA problems. Besides, responses from MindSearch based on InternLM2.5-7B are preferable by humans to ChatGPT-Web and Perplexity.ai applications, which implies that MindSearch can already deliver a competitive solution to the proprietary AI search engine.
null
cs.CL
[ "cs.CL", "cs.AI" ]
2407.17353
HF
Scalify: scale propagation for efficient low-precision LLM training
[ "Paul Balança", "Sam Hosegood", "Carlo Luschi", "Andrew Fitzgibbon" ]
2024-07-24
Low-precision formats such as float8 have been introduced in machine learning accelerated hardware to improve computational efficiency for large language models training and inference. Nevertheless, adoption by the ML community has been slowed down by the complex, and sometimes brittle, techniques required to match higher precision training accuracy. In this work, we present Scalify, a end-to-end scale propagation paradigm for computational graphs, generalizing and formalizing existing tensor scaling methods. Experiment results show that Scalify supports out-of-the-box float8 matrix multiplication and gradients representation, as well as float16 optimizer state storage. Our JAX implementation of Scalify is open-sourced at https://github.com/graphcore-research/jax-scalify
null
cs.LG
[ "cs.LG", "68T07", "I.2.7" ]
2402.06178
HF
MusicMagus: Zero-Shot Text-to-Music Editing via Diffusion Models
[ "Yixiao Zhang", "Yukara Ikemiya", "Gus Xia", "Naoki Murata", "Marco A. Martínez-Ramírez", "Wei-Hsiang Liao", "Yuki Mitsufuji", "Simon Dixon" ]
2024-02-09
Recent advances in text-to-music generation models have opened new avenues in musical creativity. However, music generation usually involves iterative refinements, and how to edit the generated music remains a significant challenge. This paper introduces a novel approach to the editing of music generated by such models, enabling the modification of specific attributes, such as genre, mood and instrument, while maintaining other aspects unchanged. Our method transforms text editing to \textit{latent space manipulation} while adding an extra constraint to enforce consistency. It seamlessly integrates with existing pretrained text-to-music diffusion models without requiring additional training. Experimental results demonstrate superior performance over both zero-shot and certain supervised baselines in style and timbre transfer evaluations. Additionally, we showcase the practical applicability of our approach in real-world music editing scenarios.
null
cs.SD
[ "cs.SD", "cs.AI", "cs.MM", "eess.AS" ]
2312.11841
HF
MixRT: Mixed Neural Representations For Real-Time NeRF Rendering
[ "Chaojian Li", "Bichen Wu", "Peter Vajda", "Yingyan", "Lin" ]
2023-12-19
Neural Radiance Field (NeRF) has emerged as a leading technique for novel view synthesis, owing to its impressive photorealistic reconstruction and rendering capability. Nevertheless, achieving real-time NeRF rendering in large-scale scenes has presented challenges, often leading to the adoption of either intricate baked mesh representations with a substantial number of triangles or resource-intensive ray marching in baked representations. We challenge these conventions, observing that high-quality geometry, represented by meshes with substantial triangles, is not necessary for achieving photorealistic rendering quality. Consequently, we propose MixRT, a novel NeRF representation that includes a low-quality mesh, a view-dependent displacement map, and a compressed NeRF model. This design effectively harnesses the capabilities of existing graphics hardware, thus enabling real-time NeRF rendering on edge devices. Leveraging a highly-optimized WebGL-based rendering framework, our proposed MixRT attains real-time rendering speeds on edge devices (over 30 FPS at a resolution of 1280 x 720 on a MacBook M1 Pro laptop), better rendering quality (0.2 PSNR higher in indoor scenes of the Unbounded-360 datasets), and a smaller storage size (less than 80% compared to state-of-the-art methods).
null
cs.CV
[ "cs.CV" ]
2312.02206
HF
Axiomatic Preference Modeling for Longform Question Answering
[ "Corby Rosset", "Guoqing Zheng", "Victor Dibia", "Ahmed Awadallah", "Paul Bennett" ]
2023-12-02
The remarkable abilities of large language models (LLMs) like GPT-4 partially stem from post-training processes like Reinforcement Learning from Human Feedback (RLHF) involving human preferences encoded in a reward model. However, these reward models (RMs) often lack direct knowledge of why, or under what principles, the preferences annotations were made. In this study, we identify principles that guide RMs to better align with human preferences, and then develop an axiomatic framework to generate a rich variety of preference signals to uphold them. We use these axiomatic signals to train a model for scoring answers to longform questions. Our approach yields a Preference Model with only about 220M parameters that agrees with gold human-annotated preference labels more often than GPT-4. The contributions of this work include: training a standalone preference model that can score human- and LLM-generated answers on the same scale; developing an axiomatic framework for generating training data pairs tailored to certain principles; and showing that a small amount of axiomatic signals can help small models outperform GPT-4 in preference scoring. We release our model on huggingface: https://huggingface.co/corbyrosset/axiomatic_preference_model
null
cs.AI
[ "cs.AI", "cs.CL" ]
2310.16764
HF
ConvNets Match Vision Transformers at Scale
[ "Samuel L. Smith", "Andrew Brock", "Leonard Berrada", "Soham De" ]
2023-10-25
Many researchers believe that ConvNets perform well on small or moderately sized datasets, but are not competitive with Vision Transformers when given access to datasets on the web-scale. We challenge this belief by evaluating a performant ConvNet architecture pre-trained on JFT-4B, a large labelled dataset of images often used for training foundation models. We consider pre-training compute budgets between 0.4k and 110k TPU-v4 core compute hours, and train a series of networks of increasing depth and width from the NFNet model family. We observe a log-log scaling law between held out loss and compute budget. After fine-tuning on ImageNet, NFNets match the reported performance of Vision Transformers with comparable compute budgets. Our strongest fine-tuned model achieves a Top-1 accuracy of 90.4%.
null
cs.CV
[ "cs.CV", "cs.LG", "cs.NE" ]
2407.15762
HF
Conditioned Language Policy: A General Framework for Steerable Multi-Objective Finetuning
[ "Kaiwen Wang", "Rahul Kidambi", "Ryan Sullivan", "Alekh Agarwal", "Christoph Dann", "Andrea Michi", "Marco Gelmi", "Yunxuan Li", "Raghav Gupta", "Avinava Dubey", "Alexandre Ramé", "Johan Ferret", "Geoffrey Cideron", "Le Hou", "Hongkun Yu", "Amr Ahmed", "Aranyak Mehta", "Léonard Hussenot", "Olivier Bachem", "Edouard Leurent" ]
2024-07-22
Reward-based finetuning is crucial for aligning language policies with intended behaviors (e.g., creativity and safety). A key challenge here is to develop steerable language models that trade-off multiple (conflicting) objectives in a flexible and efficient manner. This paper presents Conditioned Language Policy (CLP), a general framework for finetuning language models on multiple objectives. Building on techniques from multi-task training and parameter-efficient finetuning, CLP can learn steerable models that effectively trade-off conflicting objectives at inference time. Notably, this does not require training or maintaining multiple models to achieve different trade-offs between the objectives. Through an extensive set of experiments and ablations, we show that the CLP framework learns steerable models that outperform and Pareto-dominate the current state-of-the-art approaches for multi-objective finetuning.
null
cs.LG
[ "cs.LG", "cs.AI", "cs.CL" ]
2405.16822
HF
Vidu4D: Single Generated Video to High-Fidelity 4D Reconstruction with Dynamic Gaussian Surfels
[ "Yikai Wang", "Xinzhou Wang", "Zilong Chen", "Zhengyi Wang", "Fuchun Sun", "Jun Zhu" ]
2024-05-27
Video generative models are receiving particular attention given their ability to generate realistic and imaginative frames. Besides, these models are also observed to exhibit strong 3D consistency, significantly enhancing their potential to act as world simulators. In this work, we present Vidu4D, a novel reconstruction model that excels in accurately reconstructing 4D (i.e., sequential 3D) representations from single generated videos, addressing challenges associated with non-rigidity and frame distortion. This capability is pivotal for creating high-fidelity virtual contents that maintain both spatial and temporal coherence. At the core of Vidu4D is our proposed Dynamic Gaussian Surfels (DGS) technique. DGS optimizes time-varying warping functions to transform Gaussian surfels (surface elements) from a static state to a dynamically warped state. This transformation enables a precise depiction of motion and deformation over time. To preserve the structural integrity of surface-aligned Gaussian surfels, we design the warped-state geometric regularization based on continuous warping fields for estimating normals. Additionally, we learn refinements on rotation and scaling parameters of Gaussian surfels, which greatly alleviates texture flickering during the warping process and enhances the capture of fine-grained appearance details. Vidu4D also contains a novel initialization state that provides a proper start for the warping fields in DGS. Equipping Vidu4D with an existing video generative model, the overall framework demonstrates high-fidelity text-to-4D generation in both appearance and geometry.
null
cs.CV
[ "cs.CV" ]
2404.12241
HF
Introducing v0.5 of the AI Safety Benchmark from MLCommons
[ "Bertie Vidgen", "Adarsh Agrawal", "Ahmed M. Ahmed", "Victor Akinwande", "Namir Al-Nuaimi", "Najla Alfaraj", "Elie Alhajjar", "Lora Aroyo", "Trupti Bavalatti", "Max Bartolo", "Borhane Blili-Hamelin", "Kurt Bollacker", "Rishi Bomassani", "Marisa Ferrara Boston", "Siméon Campos", "Kal Chakra", "Canyu Chen", "Cody Coleman", "Zacharie Delpierre Coudert", "Leon Derczynski", "Debojyoti Dutta", "Ian Eisenberg", "James Ezick", "Heather Frase", "Brian Fuller", "Ram Gandikota", "Agasthya Gangavarapu", "Ananya Gangavarapu", "James Gealy", "Rajat Ghosh", "James Goel", "Usman Gohar", "Sujata Goswami", "Scott A. Hale", "Wiebke Hutiri", "Joseph Marvin Imperial", "Surgan Jandial", "Nick Judd", "Felix Juefei-Xu", "Foutse Khomh", "Bhavya Kailkhura", "Hannah Rose Kirk", "Kevin Klyman", "Chris Knotz", "Michael Kuchnik", "Shachi H. Kumar", "Srijan Kumar", "Chris Lengerich", "Bo Li", "Zeyi Liao", "Eileen Peters Long", "Victor Lu", "Sarah Luger", "Yifan Mai", "Priyanka Mary Mammen", "Kelvin Manyeki", "Sean McGregor", "Virendra Mehta", "Shafee Mohammed", "Emanuel Moss", "Lama Nachman", "Dinesh Jinenhally Naganna", "Amin Nikanjam", "Besmira Nushi", "Luis Oala", "Iftach Orr", "Alicia Parrish", "Cigdem Patlak", "William Pietri", "Forough Poursabzi-Sangdeh", "Eleonora Presani", "Fabrizio Puletti", "Paul Röttger", "Saurav Sahay", "Tim Santos", "Nino Scherrer", "Alice Schoenauer Sebag", "Patrick Schramowski", "Abolfazl Shahbazi", "Vin Sharma", "Xudong Shen", "Vamsi Sistla", "Leonard Tang", "Davide Testuggine", "Vithursan Thangarasa", "Elizabeth Anne Watkins", "Rebecca Weiss", "Chris Welty", "Tyler Wilbers", "Adina Williams", "Carole-Jean Wu", "Poonam Yadav", "Xianjun Yang", "Yi Zeng", "Wenhui Zhang", "Fedor Zhdanov", "Jiacheng Zhu", "Percy Liang", "Peter Mattson", "Joaquin Vanschoren" ]
2024-04-18
This paper introduces v0.5 of the AI Safety Benchmark, which has been created by the MLCommons AI Safety Working Group. The AI Safety Benchmark has been designed to assess the safety risks of AI systems that use chat-tuned language models. We introduce a principled approach to specifying and constructing the benchmark, which for v0.5 covers only a single use case (an adult chatting to a general-purpose assistant in English), and a limited set of personas (i.e., typical users, malicious users, and vulnerable users). We created a new taxonomy of 13 hazard categories, of which 7 have tests in the v0.5 benchmark. We plan to release version 1.0 of the AI Safety Benchmark by the end of 2024. The v1.0 benchmark will provide meaningful insights into the safety of AI systems. However, the v0.5 benchmark should not be used to assess the safety of AI systems. We have sought to fully document the limitations, flaws, and challenges of v0.5. This release of v0.5 of the AI Safety Benchmark includes (1) a principled approach to specifying and constructing the benchmark, which comprises use cases, types of systems under test (SUTs), language and context, personas, tests, and test items; (2) a taxonomy of 13 hazard categories with definitions and subcategories; (3) tests for seven of the hazard categories, each comprising a unique set of test items, i.e., prompts. There are 43,090 test items in total, which we created with templates; (4) a grading system for AI systems against the benchmark; (5) an openly available platform, and downloadable tool, called ModelBench that can be used to evaluate the safety of AI systems on the benchmark; (6) an example evaluation report which benchmarks the performance of over a dozen openly available chat-tuned language models; (7) a test specification for the benchmark.
null
cs.CL
[ "cs.CL", "cs.AI" ]
2404.05666
HF
YaART: Yet Another ART Rendering Technology
[ "Sergey Kastryulin", "Artem Konev", "Alexander Shishenya", "Eugene Lyapustin", "Artem Khurshudov", "Alexander Tselousov", "Nikita Vinokurov", "Denis Kuznedelev", "Alexander Markovich", "Grigoriy Livshits", "Alexey Kirillov", "Anastasiia Tabisheva", "Liubov Chubarova", "Marina Kaminskaia", "Alexander Ustyuzhanin", "Artemii Shvetsov", "Daniil Shlenskii", "Valerii Startsev", "Dmitrii Kornilov", "Mikhail Romanov", "Artem Babenko", "Sergei Ovcharenko", "Valentin Khrulkov" ]
2024-04-08
In the rapidly progressing field of generative models, the development of efficient and high-fidelity text-to-image diffusion systems represents a significant frontier. This study introduces YaART, a novel production-grade text-to-image cascaded diffusion model aligned to human preferences using Reinforcement Learning from Human Feedback (RLHF). During the development of YaART, we especially focus on the choices of the model and training dataset sizes, the aspects that were not systematically investigated for text-to-image cascaded diffusion models before. In particular, we comprehensively analyze how these choices affect both the efficiency of the training process and the quality of the generated images, which are highly important in practice. Furthermore, we demonstrate that models trained on smaller datasets of higher-quality images can successfully compete with those trained on larger datasets, establishing a more efficient scenario of diffusion models training. From the quality perspective, YaART is consistently preferred by users over many existing state-of-the-art models.
null
cs.CV
[ "cs.CV" ]
2305.13169
AnswerAI
A Pretrainer's Guide to Training Data: Measuring the Effects of Data Age, Domain Coverage, Quality, & Toxicity
[ "Shayne Longpre", "Gregory Yauney", "Emily Reif", "Katherine Lee", "Adam Roberts", "Barret Zoph", "Denny Zhou", "Jason Wei", "Kevin Robinson", "David Mimno", "Daphne Ippolito" ]
2023-05-22
Pretraining is the preliminary and fundamental step in developing capable language models (LM). Despite this, pretraining data design is critically under-documented and often guided by empirically unsupported intuitions. To address this, we pretrain 28 1.5B parameter decoder-only models, training on data curated (1) at different times, (2) with varying toxicity and quality filters, and (3) with different domain compositions. First, we quantify the effect of pretraining data age. A temporal shift between evaluation data and pretraining data leads to performance degradation, which is not overcome by finetuning. Second, we explore the effect of quality and toxicity filters, showing a trade-off between performance on standard benchmarks and risk of toxic generations. Our findings indicate there does not exist a one-size-fits-all solution to filtering training data. We also find that the effects of different types of filtering are not predictable from text domain characteristics. Lastly, we empirically validate that the inclusion of heterogeneous data sources, like books and web, is broadly beneficial and warrants greater prioritization. These findings constitute the largest set of experiments to validate, quantify, and expose many undocumented intuitions about text pretraining, which we hope will help support more informed data-centric decisions in LM development.
null
cs.CL
[ "cs.CL", "cs.LG" ]
2403.08773
HF
Veagle: Advancements in Multimodal Representation Learning
[ "Rajat Chawla", "Arkajit Datta", "Tushar Verma", "Adarsh Jha", "Anmol Gautam", "Ayush Vatsal", "Sukrit Chaterjee", "Mukunda NS", "Ishaan Bhola" ]
2024-01-18
Lately, researchers in artificial intelligence have been really interested in how language and vision come together, giving rise to the development of multimodal models that aim to seamlessly integrate textual and visual information. Multimodal models, an extension of Large Language Models (LLMs), have exhibited remarkable capabilities in addressing a diverse array of tasks, ranging from image captioning and visual question answering (VQA) to visual grounding. While these models have showcased significant advancements, challenges persist in accurately interpreting images and answering the question, a common occurrence in real-world scenarios. This paper introduces a novel approach to enhance the multimodal capabilities of existing models. In response to the limitations observed in current Vision Language Models (VLMs) and Multimodal Large Language Models (MLLMs), our proposed model Veagle, incorporates a unique mechanism inspired by the successes and insights of previous works. Veagle leverages a dynamic mechanism to project encoded visual information directly into the language model. This dynamic approach allows for a more nuanced understanding of intricate details present in visual contexts. To validate the effectiveness of Veagle, we conduct comprehensive experiments on benchmark datasets, emphasizing tasks such as visual question answering and image understanding. Our results indicate a improvement of 5-6 \% in performance, with Veagle outperforming existing models by a notable margin. The outcomes underscore the model's versatility and applicability beyond traditional benchmarks.
null
cs.CV
[ "cs.CV", "cs.AI", "cs.CL", "cs.MM" ]
2308.05732
HF
PDE-Refiner: Achieving Accurate Long Rollouts with Neural PDE Solvers
[ "Phillip Lippe", "Bastiaan S. Veeling", "Paris Perdikaris", "Richard E. Turner", "Johannes Brandstetter" ]
2023-08-10
Time-dependent partial differential equations (PDEs) are ubiquitous in science and engineering. Recently, mostly due to the high computational cost of traditional solution techniques, deep neural network based surrogates have gained increased interest. The practical utility of such neural PDE solvers relies on their ability to provide accurate, stable predictions over long time horizons, which is a notoriously hard problem. In this work, we present a large-scale analysis of common temporal rollout strategies, identifying the neglect of non-dominant spatial frequency information, often associated with high frequencies in PDE solutions, as the primary pitfall limiting stable, accurate rollout performance. Based on these insights, we draw inspiration from recent advances in diffusion models to introduce PDE-Refiner; a novel model class that enables more accurate modeling of all frequency components via a multistep refinement process. We validate PDE-Refiner on challenging benchmarks of complex fluid dynamics, demonstrating stable and accurate rollouts that consistently outperform state-of-the-art models, including neural, numerical, and hybrid neural-numerical architectures. We further demonstrate that PDE-Refiner greatly enhances data efficiency, since the denoising objective implicitly induces a novel form of spectral data augmentation. Finally, PDE-Refiner's connection to diffusion models enables an accurate and efficient assessment of the model's predictive uncertainty, allowing us to estimate when the surrogate becomes inaccurate.
null
cs.LG
[ "cs.LG", "cs.AI" ]
2402.06492
AnswerAI
Inducing Systematicity in Transformers by Attending to Structurally Quantized Embeddings
[ "Yichen Jiang", "Xiang Zhou", "Mohit Bansal" ]
2024-02-09
Transformers generalize to novel compositions of structures and entities after being trained on a complex dataset, but easily overfit on datasets of insufficient complexity. We observe that when the training set is sufficiently complex, the model encodes sentences that have a common syntactic structure using a systematic attention pattern. Inspired by this observation, we propose SQ-Transformer (Structurally Quantized) that explicitly encourages systematicity in the embeddings and attention layers, even with a training set of low complexity. At the embedding level, we introduce Structure-oriented Vector Quantization (SoVQ) to cluster word embeddings into several classes of structurally equivalent entities. At the attention level, we devise the Systematic Attention Layer (SAL) and an alternative, Systematically Regularized Layer (SRL) that operate on the quantized word embeddings so that sentences of the same structure are encoded with invariant or similar attention patterns. Empirically, we show that SQ-Transformer achieves stronger compositional generalization than the vanilla Transformer on multiple low-complexity semantic parsing and machine translation datasets. In our analysis, we show that SoVQ indeed learns a syntactically clustered embedding space and SAL/SRL induces generalizable attention patterns, which lead to improved systematicity.
null
cs.CL
[ "cs.CL", "cs.AI", "cs.LG" ]
2309.13356
HF
Probing the Moral Development of Large Language Models through Defining Issues Test
[ "Kumar Tanmay", "Aditi Khandelwal", "Utkarsh Agarwal", "Monojit Choudhury" ]
2023-09-23
In this study, we measure the moral reasoning ability of LLMs using the Defining Issues Test - a psychometric instrument developed for measuring the moral development stage of a person according to the Kohlberg's Cognitive Moral Development Model. DIT uses moral dilemmas followed by a set of ethical considerations that the respondent has to judge for importance in resolving the dilemma, and then rank-order them by importance. A moral development stage score of the respondent is then computed based on the relevance rating and ranking. Our study shows that early LLMs such as GPT-3 exhibit a moral reasoning ability no better than that of a random baseline, while ChatGPT, Llama2-Chat, PaLM-2 and GPT-4 show significantly better performance on this task, comparable to adult humans. GPT-4, in fact, has the highest post-conventional moral reasoning score, equivalent to that of typical graduate school students. However, we also observe that the models do not perform consistently across all dilemmas, pointing to important gaps in their understanding and reasoning abilities.
null
cs.CL
[ "cs.CL", "cs.AI" ]
2309.10202
HF
Stabilizing RLHF through Advantage Model and Selective Rehearsal
[ "Baolin Peng", "Linfeng Song", "Ye Tian", "Lifeng Jin", "Haitao Mi", "Dong Yu" ]
2023-09-18
Large Language Models (LLMs) have revolutionized natural language processing, yet aligning these models with human values and preferences using RLHF remains a significant challenge. This challenge is characterized by various instabilities, such as reward hacking and catastrophic forgetting. In this technical report, we propose two innovations to stabilize RLHF training: 1) Advantage Model, which directly models advantage score i.e., extra reward compared to the expected rewards and regulates score distributions across tasks to prevent reward hacking. 2) Selective Rehearsal, which mitigates catastrophic forgetting by strategically selecting data for PPO training and knowledge rehearsing. Our experimental analysis on public and proprietary datasets reveals that the proposed methods not only increase stability in RLHF training but also achieve higher reward scores and win rates.
null
cs.CL
[ "cs.CL", "cs.AI" ]
2402.14905
Both
MobileLLM: Optimizing Sub-billion Parameter Language Models for On-Device Use Cases
[ "Zechun Liu", "Changsheng Zhao", "Forrest Iandola", "Chen Lai", "Yuandong Tian", "Igor Fedorov", "Yunyang Xiong", "Ernie Chang", "Yangyang Shi", "Raghuraman Krishnamoorthi", "Liangzhen Lai", "Vikas Chandra" ]
2024-02-22
This paper addresses the growing need for efficient large language models (LLMs) on mobile devices, driven by increasing cloud costs and latency concerns. We focus on designing top-quality LLMs with fewer than a billion parameters, a practical choice for mobile deployment. Contrary to prevailing belief emphasizing the pivotal role of data and parameter quantity in determining model quality, our investigation underscores the significance of model architecture for sub-billion scale LLMs. Leveraging deep and thin architectures, coupled with embedding sharing and grouped-query attention mechanisms, we establish a strong baseline network denoted as MobileLLM, which attains a remarkable 2.7%/4.3% accuracy boost over preceding 125M/350M state-of-the-art models. Additionally, we propose an immediate block-wise weight-sharing approach with no increase in model size and only marginal latency overhead. The resultant models, denoted as MobileLLM-LS, demonstrate a further accuracy enhancement of 0.7%/0.8% than MobileLLM 125M/350M. Moreover, MobileLLM model family shows significant improvements compared to previous sub-billion models on chat benchmarks, and demonstrates close correctness to LLaMA-v2 7B in API calling tasks, highlighting the capability of small models for common on-device use cases.
null
cs.LG
[ "cs.LG", "cs.AI", "cs.CL" ]
2401.16467
Both
ReGAL: Refactoring Programs to Discover Generalizable Abstractions
[ "Elias Stengel-Eskin", "Archiki Prasad", "Mohit Bansal" ]
2024-01-29
While large language models (LLMs) are increasingly being used for program synthesis, they lack the global view needed to develop useful abstractions; they generally predict programs one at a time, often repeating the same functionality. Generating redundant code from scratch is both inefficient and error-prone. To address this, we propose Refactoring for Generalizable Abstraction Learning (ReGAL), a gradient-free method for learning a library of reusable functions via code refactorization, i.e., restructuring code without changing its execution output. ReGAL learns from a small set of existing programs, iteratively verifying and refining its abstractions via execution. We find that the shared function libraries discovered by ReGAL make programs easier to predict across diverse domains. On five datasets -- LOGO graphics generation, Date reasoning, TextCraft (a Minecraft-based text-game) MATH, and TabMWP -- both open-source and proprietary LLMs improve in accuracy when predicting programs with ReGAL functions. For CodeLlama-13B, ReGAL results in absolute accuracy increases of 11.5% on LOGO, 26.1% on date understanding, and 8.1% on TextCraft, outperforming GPT-3.5 in two of three domains. Our analysis reveals ReGAL's abstractions encapsulate frequently-used subroutines as well as environment dynamics.
null
cs.SE
[ "cs.SE", "cs.AI", "cs.CL", "cs.LG", "cs.PL" ]
2409.10836
HF
Single-Layer Learnable Activation for Implicit Neural Representation (SL$^{2}$A-INR)
[ "Moein Heidari", "Reza Rezaeian", "Reza Azad", "Dorit Merhof", "Hamid Soltanian-Zadeh", "Ilker Hacihaliloglu" ]
2024-09-17
Implicit Neural Representation (INR), leveraging a neural network to transform coordinate input into corresponding attributes, has recently driven significant advances in several vision-related domains. However, the performance of INR is heavily influenced by the choice of the nonlinear activation function used in its multilayer perceptron (MLP) architecture. Multiple nonlinearities have been investigated; yet, current INRs face limitations in capturing high-frequency components, diverse signal types, and handling inverse problems. We have identified that these problems can be greatly alleviated by introducing a paradigm shift in INRs. We find that an architecture with learnable activations in initial layers can represent fine details in the underlying signals. Specifically, we propose SL$^{2}$A-INR, a hybrid network for INR with a single-layer learnable activation function, prompting the effectiveness of traditional ReLU-based MLPs. Our method performs superior across diverse tasks, including image representation, 3D shape reconstructions, inpainting, single image super-resolution, CT reconstruction, and novel view synthesis. Through comprehensive experiments, SL$^{2}$A-INR sets new benchmarks in accuracy, quality, and convergence rates for INR.
null
cs.CV
[ "cs.CV" ]
2408.07060
HF
Diversity Empowers Intelligence: Integrating Expertise of Software Engineering Agents
[ "Kexun Zhang", "Weiran Yao", "Zuxin Liu", "Yihao Feng", "Zhiwei Liu", "Rithesh Murthy", "Tian Lan", "Lei Li", "Renze Lou", "Jiacheng Xu", "Bo Pang", "Yingbo Zhou", "Shelby Heinecke", "Silvio Savarese", "Huan Wang", "Caiming Xiong" ]
2024-08-13
Large language model (LLM) agents have shown great potential in solving real-world software engineering (SWE) problems. The most advanced open-source SWE agent can resolve over 27% of real GitHub issues in SWE-Bench Lite. However, these sophisticated agent frameworks exhibit varying strengths, excelling in certain tasks while underperforming in others. To fully harness the diversity of these agents, we propose DEI (Diversity Empowered Intelligence), a framework that leverages their unique expertise. DEI functions as a meta-module atop existing SWE agent frameworks, managing agent collectives for enhanced problem-solving. Experimental results show that a DEI-guided committee of agents is able to surpass the best individual agent's performance by a large margin. For instance, a group of open-source SWE agents, with a maximum individual resolve rate of 27.3% on SWE-Bench Lite, can achieve a 34.3% resolve rate with DEI, making a 25% improvement and beating most closed-source solutions. Our best-performing group excels with a 55% resolve rate, securing the highest ranking on SWE-Bench Lite. Our findings contribute to the growing body of research on collaborative AI systems and their potential to solve complex software engineering challenges.
null
cs.SE
[ "cs.SE", "cs.AI", "cs.CL", "cs.LG" ]
2308.03688
Both
AgentBench: Evaluating LLMs as Agents
[ "Xiao Liu", "Hao Yu", "Hanchen Zhang", "Yifan Xu", "Xuanyu Lei", "Hanyu Lai", "Yu Gu", "Hangliang Ding", "Kaiwen Men", "Kejuan Yang", "Shudan Zhang", "Xiang Deng", "Aohan Zeng", "Zhengxiao Du", "Chenhui Zhang", "Sheng Shen", "Tianjun Zhang", "Yu Su", "Huan Sun", "Minlie Huang", "Yuxiao Dong", "Jie Tang" ]
2023-08-07
Large Language Models (LLMs) are becoming increasingly smart and autonomous, targeting real-world pragmatic missions beyond traditional NLP tasks. As a result, there has been an urgent need to evaluate LLMs as agents on challenging tasks in interactive environments. We present AgentBench, a multi-dimensional evolving benchmark that currently consists of 8 distinct environments to assess LLM-as-Agent's reasoning and decision-making abilities in a multi-turn open-ended generation setting. Our extensive test over 27 API-based and open-sourced (OSS) LLMs shows that, while top commercial LLMs present a strong ability of acting as agents in complex environments, there is a significant disparity in performance between them and OSS competitors. We identify the typical reasons of failures in environments and LLMs, showing that poor long-term reasoning, decision-making, and instruction following abilities are the main obstacles for developing usable LLM agents. Training on code and high quality multi-turn alignment data could improve agent performance. Datasets, environments, and an integrated evaluation package for AgentBench are released at \url{https://github.com/THUDM/AgentBench}.
null
cs.AI
[ "cs.AI", "cs.CL", "cs.LG" ]
2406.04324
HF
SF-V: Single Forward Video Generation Model
[ "Zhixing Zhang", "Yanyu Li", "Yushu Wu", "Yanwu Xu", "Anil Kag", "Ivan Skorokhodov", "Willi Menapace", "Aliaksandr Siarohin", "Junli Cao", "Dimitris Metaxas", "Sergey Tulyakov", "Jian Ren" ]
2024-06-06
Diffusion-based video generation models have demonstrated remarkable success in obtaining high-fidelity videos through the iterative denoising process. However, these models require multiple denoising steps during sampling, resulting in high computational costs. In this work, we propose a novel approach to obtain single-step video generation models by leveraging adversarial training to fine-tune pre-trained video diffusion models. We show that, through the adversarial training, the multi-steps video diffusion model, i.e., Stable Video Diffusion (SVD), can be trained to perform single forward pass to synthesize high-quality videos, capturing both temporal and spatial dependencies in the video data. Extensive experiments demonstrate that our method achieves competitive generation quality of synthesized videos with significantly reduced computational overhead for the denoising process (i.e., around $23\times$ speedup compared with SVD and $6\times$ speedup compared with existing works, with even better generation quality), paving the way for real-time video synthesis and editing. More visualization results are made publicly available at https://snap-research.github.io/SF-V.
null
cs.CV
[ "cs.CV", "eess.IV" ]
2404.13358
HF
Music Consistency Models
[ "Zhengcong Fei", "Mingyuan Fan", "Junshi Huang" ]
2024-04-20
Consistency models have exhibited remarkable capabilities in facilitating efficient image/video generation, enabling synthesis with minimal sampling steps. It has proven to be advantageous in mitigating the computational burdens associated with diffusion models. Nevertheless, the application of consistency models in music generation remains largely unexplored. To address this gap, we present Music Consistency Models (\texttt{MusicCM}), which leverages the concept of consistency models to efficiently synthesize mel-spectrogram for music clips, maintaining high quality while minimizing the number of sampling steps. Building upon existing text-to-music diffusion models, the \texttt{MusicCM} model incorporates consistency distillation and adversarial discriminator training. Moreover, we find it beneficial to generate extended coherent music by incorporating multiple diffusion processes with shared constraints. Experimental results reveal the effectiveness of our model in terms of computational efficiency, fidelity, and naturalness. Notable, \texttt{MusicCM} achieves seamless music synthesis with a mere four sampling steps, e.g., only one second per minute of the music clip, showcasing the potential for real-time application.
null
cs.SD
[ "cs.SD", "cs.AI", "eess.AS" ]
2305.14259
AnswerAI
SciMON: Scientific Inspiration Machines Optimized for Novelty
[ "Qingyun Wang", "Doug Downey", "Heng Ji", "Tom Hope" ]
2023-05-23
We explore and enhance the ability of neural language models to generate novel scientific directions grounded in literature. Work on literature-based hypothesis generation has traditionally focused on binary link prediction--severely limiting the expressivity of hypotheses. This line of work also does not focus on optimizing novelty. We take a dramatic departure with a novel setting in which models use as input background contexts (e.g., problems, experimental settings, goals), and output natural language ideas grounded in literature. We present SciMON, a modeling framework that uses retrieval of "inspirations" from past scientific papers, and explicitly optimizes for novelty by iteratively comparing to prior papers and updating idea suggestions until sufficient novelty is achieved. Comprehensive evaluations reveal that GPT-4 tends to generate ideas with overall low technical depth and novelty, while our methods partially mitigate this issue. Our work represents a first step toward evaluating and developing language models that generate new ideas derived from the scientific literature
null
cs.CL
[ "cs.CL", "cs.AI", "cs.LG" ]
2402.06332
HF
InternLM-Math: Open Math Large Language Models Toward Verifiable Reasoning
[ "Huaiyuan Ying", "Shuo Zhang", "Linyang Li", "Zhejian Zhou", "Yunfan Shao", "Zhaoye Fei", "Yichuan Ma", "Jiawei Hong", "Kuikun Liu", "Ziyi Wang", "Yudong Wang", "Zijian Wu", "Shuaibin Li", "Fengzhe Zhou", "Hongwei Liu", "Songyang Zhang", "Wenwei Zhang", "Hang Yan", "Xipeng Qiu", "Jiayu Wang", "Kai Chen", "Dahua Lin" ]
2024-02-09
The math abilities of large language models can represent their abstract reasoning ability. In this paper, we introduce and open-source our math reasoning LLMs InternLM-Math which is continue pre-trained from InternLM2. We unify chain-of-thought reasoning, reward modeling, formal reasoning, data augmentation, and code interpreter in a unified seq2seq format and supervise our model to be a versatile math reasoner, verifier, prover, and augmenter. These abilities can be used to develop the next math LLMs or self-iteration. InternLM-Math obtains open-sourced state-of-the-art performance under the setting of in-context learning, supervised fine-tuning, and code-assisted reasoning in various informal and formal benchmarks including GSM8K, MATH, Hungary math exam, MathBench-ZH, and MiniF2F. Our pre-trained model achieves 30.3 on the MiniF2F test set without fine-tuning. We further explore how to use LEAN to solve math problems and study its performance under the setting of multi-task learning which shows the possibility of using LEAN as a unified platform for solving and proving in math. Our models, codes, and data are released at \url{https://github.com/InternLM/InternLM-Math}.
null
cs.CL
[ "cs.CL" ]
2206.14858
AnswerAI
Solving Quantitative Reasoning Problems with Language Models
[ "Aitor Lewkowycz", "Anders Andreassen", "David Dohan", "Ethan Dyer", "Henryk Michalewski", "Vinay Ramasesh", "Ambrose Slone", "Cem Anil", "Imanol Schlag", "Theo Gutman-Solo", "Yuhuai Wu", "Behnam Neyshabur", "Guy Gur-Ari", "Vedant Misra" ]
2022-06-29
Language models have achieved remarkable performance on a wide range of tasks that require natural language understanding. Nevertheless, state-of-the-art models have generally struggled with tasks that require quantitative reasoning, such as solving mathematics, science, and engineering problems at the college level. To help close this gap, we introduce Minerva, a large language model pretrained on general natural language data and further trained on technical content. The model achieves state-of-the-art performance on technical benchmarks without the use of external tools. We also evaluate our model on over two hundred undergraduate-level problems in physics, biology, chemistry, economics, and other sciences that require quantitative reasoning, and find that the model can correctly answer nearly a third of them.
null
cs.CL
[ "cs.CL", "cs.AI", "cs.LG" ]
2310.11453
Both
BitNet: Scaling 1-bit Transformers for Large Language Models
[ "Hongyu Wang", "Shuming Ma", "Li Dong", "Shaohan Huang", "Huaijie Wang", "Lingxiao Ma", "Fan Yang", "Ruiping Wang", "Yi Wu", "Furu Wei" ]
2023-10-17
The increasing size of large language models has posed challenges for deployment and raised concerns about environmental impact due to high energy consumption. In this work, we introduce BitNet, a scalable and stable 1-bit Transformer architecture designed for large language models. Specifically, we introduce BitLinear as a drop-in replacement of the nn.Linear layer in order to train 1-bit weights from scratch. Experimental results on language modeling show that BitNet achieves competitive performance while substantially reducing memory footprint and energy consumption, compared to state-of-the-art 8-bit quantization methods and FP16 Transformer baselines. Furthermore, BitNet exhibits a scaling law akin to full-precision Transformers, suggesting its potential for effective scaling to even larger language models while maintaining efficiency and performance benefits.
null
cs.CL
[ "cs.CL" ]
2308.07926
HF
CoDeF: Content Deformation Fields for Temporally Consistent Video Processing
[ "Hao Ouyang", "Qiuyu Wang", "Yuxi Xiao", "Qingyan Bai", "Juntao Zhang", "Kecheng Zheng", "Xiaowei Zhou", "Qifeng Chen", "Yujun Shen" ]
2023-08-15
We present the content deformation field CoDeF as a new type of video representation, which consists of a canonical content field aggregating the static contents in the entire video and a temporal deformation field recording the transformations from the canonical image (i.e., rendered from the canonical content field) to each individual frame along the time axis.Given a target video, these two fields are jointly optimized to reconstruct it through a carefully tailored rendering pipeline.We advisedly introduce some regularizations into the optimization process, urging the canonical content field to inherit semantics (e.g., the object shape) from the video.With such a design, CoDeF naturally supports lifting image algorithms for video processing, in the sense that one can apply an image algorithm to the canonical image and effortlessly propagate the outcomes to the entire video with the aid of the temporal deformation field.We experimentally show that CoDeF is able to lift image-to-image translation to video-to-video translation and lift keypoint detection to keypoint tracking without any training.More importantly, thanks to our lifting strategy that deploys the algorithms on only one image, we achieve superior cross-frame consistency in processed videos compared to existing video-to-video translation approaches, and even manage to track non-rigid objects like water and smog.Project page can be found at https://qiuyu96.github.io/CoDeF/.
null
cs.CV
[ "cs.CV" ]
2312.17142
HF
DreamGaussian4D: Generative 4D Gaussian Splatting
[ "Jiawei Ren", "Liang Pan", "Jiaxiang Tang", "Chi Zhang", "Ang Cao", "Gang Zeng", "Ziwei Liu" ]
2023-12-28
4D content generation has achieved remarkable progress recently. However, existing methods suffer from long optimization times, a lack of motion controllability, and a low quality of details. In this paper, we introduce DreamGaussian4D (DG4D), an efficient 4D generation framework that builds on Gaussian Splatting (GS). Our key insight is that combining explicit modeling of spatial transformations with static GS makes an efficient and powerful representation for 4D generation. Moreover, video generation methods have the potential to offer valuable spatial-temporal priors, enhancing the high-quality 4D generation. Specifically, we propose an integral framework with two major modules: 1) Image-to-4D GS - we initially generate static GS with DreamGaussianHD, followed by HexPlane-based dynamic generation with Gaussian deformation; and 2) Video-to-Video Texture Refinement - we refine the generated UV-space texture maps and meanwhile enhance their temporal consistency by utilizing a pre-trained image-to-video diffusion model. Notably, DG4D reduces the optimization time from several hours to just a few minutes, allows the generated 3D motion to be visually controlled, and produces animated meshes that can be realistically rendered in 3D engines.
null
cs.CV
[ "cs.CV", "cs.GR" ]
2404.15045
HF
Multi-Head Mixture-of-Experts
[ "Xun Wu", "Shaohan Huang", "Wenhui Wang", "Furu Wei" ]
2024-04-23
Sparse Mixtures of Experts (SMoE) scales model capacity without significant increases in training and inference costs, but exhibits the following two issues: (1) Low expert activation, where only a small subset of experts are activated for optimization. (2) Lacking fine-grained analytical capabilities for multiple semantic concepts within individual tokens. We propose Multi-Head Mixture-of-Experts (MH-MoE), which employs a multi-head mechanism to split each token into multiple sub-tokens. These sub-tokens are then assigned to and processed by a diverse set of experts in parallel, and seamlessly reintegrated into the original token form. The multi-head mechanism enables the model to collectively attend to information from various representation spaces within different experts, while significantly enhances expert activation, thus deepens context understanding and alleviate overfitting. Moreover, our MH-MoE is straightforward to implement and decouples from other SMoE optimization methods, making it easy to integrate with other SMoE models for enhanced performance. Extensive experimental results across three tasks: English-focused language modeling, Multi-lingual language modeling and Masked multi-modality modeling tasks, demonstrate the effectiveness of MH-MoE.
null
cs.CL
[ "cs.CL", "cs.AI", "cs.LG" ]
2308.16512
HF
MVDream: Multi-view Diffusion for 3D Generation
[ "Yichun Shi", "Peng Wang", "Jianglong Ye", "Mai Long", "Kejie Li", "Xiao Yang" ]
2023-08-31
We introduce MVDream, a diffusion model that is able to generate consistent multi-view images from a given text prompt. Learning from both 2D and 3D data, a multi-view diffusion model can achieve the generalizability of 2D diffusion models and the consistency of 3D renderings. We demonstrate that such a multi-view diffusion model is implicitly a generalizable 3D prior agnostic to 3D representations. It can be applied to 3D generation via Score Distillation Sampling, significantly enhancing the consistency and stability of existing 2D-lifting methods. It can also learn new concepts from a few 2D examples, akin to DreamBooth, but for 3D generation.
null
cs.CV
[ "cs.CV" ]
2309.09530
Both
Adapting Large Language Models to Domains via Reading Comprehension
[ "Daixuan Cheng", "Shaohan Huang", "Furu Wei" ]
2023-09-18
We explore how continued pre-training on domain-specific corpora influences large language models, revealing that training on the raw corpora endows the model with domain knowledge, but drastically hurts its prompting ability for question answering. Taken inspiration from human learning via reading comprehension--practice after reading improves the ability to answer questions based on the learned knowledge--we propose a simple method for transforming raw corpora into reading comprehension texts. Each raw text is enriched with a series of tasks related to its content. Our method, highly scalable and applicable to any pre-training corpora, consistently enhances performance across various tasks in three different domains: biomedicine, finance, and law. Notably, our 7B language model achieves competitive performance with domain-specific models of much larger scales, such as BloombergGPT-50B. Furthermore, we demonstrate that domain-specific reading comprehension texts can improve the model's performance even on general benchmarks, showing the potential to develop a general model across even more domains. Our model, code, and data are available at https://github.com/microsoft/LMOps.
null
cs.CL
[ "cs.CL" ]
2106.08295
AnswerAI
A White Paper on Neural Network Quantization
[ "Markus Nagel", "Marios Fournarakis", "Rana Ali Amjad", "Yelysei Bondarenko", "Mart van Baalen", "Tijmen Blankevoort" ]
2021-06-15
While neural networks have advanced the frontiers in many applications, they often come at a high computational cost. Reducing the power and latency of neural network inference is key if we want to integrate modern networks into edge devices with strict power and compute requirements. Neural network quantization is one of the most effective ways of achieving these savings but the additional noise it induces can lead to accuracy degradation. In this white paper, we introduce state-of-the-art algorithms for mitigating the impact of quantization noise on the network's performance while maintaining low-bit weights and activations. We start with a hardware motivated introduction to quantization and then consider two main classes of algorithms: Post-Training Quantization (PTQ) and Quantization-Aware-Training (QAT). PTQ requires no re-training or labelled data and is thus a lightweight push-button approach to quantization. In most cases, PTQ is sufficient for achieving 8-bit quantization with close to floating-point accuracy. QAT requires fine-tuning and access to labeled training data but enables lower bit quantization with competitive results. For both solutions, we provide tested pipelines based on existing literature and extensive experimentation that lead to state-of-the-art performance for common deep learning models and tasks.
null
cs.LG
[ "cs.LG", "cs.AI", "cs.CV" ]
2407.12306
HF
Splatfacto-W: A Nerfstudio Implementation of Gaussian Splatting for Unconstrained Photo Collections
[ "Congrong Xu", "Justin Kerr", "Angjoo Kanazawa" ]
2024-07-17
Novel view synthesis from unconstrained in-the-wild image collections remains a significant yet challenging task due to photometric variations and transient occluders that complicate accurate scene reconstruction. Previous methods have approached these issues by integrating per-image appearance features embeddings in Neural Radiance Fields (NeRFs). Although 3D Gaussian Splatting (3DGS) offers faster training and real-time rendering, adapting it for unconstrained image collections is non-trivial due to the substantially different architecture. In this paper, we introduce Splatfacto-W, an approach that integrates per-Gaussian neural color features and per-image appearance embeddings into the rasterization process, along with a spherical harmonics-based background model to represent varying photometric appearances and better depict backgrounds. Our key contributions include latent appearance modeling, efficient transient object handling, and precise background modeling. Splatfacto-W delivers high-quality, real-time novel view synthesis with improved scene consistency in in-the-wild scenarios. Our method improves the Peak Signal-to-Noise Ratio (PSNR) by an average of 5.3 dB compared to 3DGS, enhances training speed by 150 times compared to NeRF-based methods, and achieves a similar rendering speed to 3DGS. Additional video results and code integrated into Nerfstudio are available at https://kevinxu02.github.io/splatfactow/.
null
cs.CV
[ "cs.CV" ]
2204.11447
AnswerAI
Evaluating Interpolation and Extrapolation Performance of Neural Retrieval Models
[ "Jingtao Zhan", "Xiaohui Xie", "Jiaxin Mao", "Yiqun Liu", "Jiafeng Guo", "Min Zhang", "Shaoping Ma" ]
2022-04-25
A retrieval model should not only interpolate the training data but also extrapolate well to the queries that are different from the training data. While neural retrieval models have demonstrated impressive performance on ad-hoc search benchmarks, we still know little about how they perform in terms of interpolation and extrapolation. In this paper, we demonstrate the importance of separately evaluating the two capabilities of neural retrieval models. Firstly, we examine existing ad-hoc search benchmarks from the two perspectives. We investigate the distribution of training and test data and find a considerable overlap in query entities, query intent, and relevance labels. This finding implies that the evaluation on these test sets is biased toward interpolation and cannot accurately reflect the extrapolation capacity. Secondly, we propose a novel evaluation protocol to separately evaluate the interpolation and extrapolation performance on existing benchmark datasets. It resamples the training and test data based on query similarity and utilizes the resampled dataset for training and evaluation. Finally, we leverage the proposed evaluation protocol to comprehensively revisit a number of widely-adopted neural retrieval models. Results show models perform differently when moving from interpolation to extrapolation. For example, representation-based retrieval models perform almost as well as interaction-based retrieval models in terms of interpolation but not extrapolation. Therefore, it is necessary to separately evaluate both interpolation and extrapolation performance and the proposed resampling method serves as a simple yet effective evaluation tool for future IR studies.
null
cs.IR
[ "cs.IR" ]
2306.17848
HF
Hardwiring ViT Patch Selectivity into CNNs using Patch Mixing
[ "Ariel N. Lee", "Sarah Adel Bargal", "Janavi Kasera", "Stan Sclaroff", "Kate Saenko", "Nataniel Ruiz" ]
2023-06-30
Vision transformers (ViTs) have significantly changed the computer vision landscape and have periodically exhibited superior performance in vision tasks compared to convolutional neural networks (CNNs). Although the jury is still out on which model type is superior, each has unique inductive biases that shape their learning and generalization performance. For example, ViTs have interesting properties with respect to early layer non-local feature dependence, as well as self-attention mechanisms which enhance learning flexibility, enabling them to ignore out-of-context image information more effectively. We hypothesize that this power to ignore out-of-context information (which we name $\textit{patch selectivity}$), while integrating in-context information in a non-local manner in early layers, allows ViTs to more easily handle occlusion. In this study, our aim is to see whether we can have CNNs $\textit{simulate}$ this ability of patch selectivity by effectively hardwiring this inductive bias using Patch Mixing data augmentation, which consists of inserting patches from another image onto a training image and interpolating labels between the two image classes. Specifically, we use Patch Mixing to train state-of-the-art ViTs and CNNs, assessing its impact on their ability to ignore out-of-context patches and handle natural occlusions. We find that ViTs do not improve nor degrade when trained using Patch Mixing, but CNNs acquire new capabilities to ignore out-of-context information and improve on occlusion benchmarks, leaving us to conclude that this training method is a way of simulating in CNNs the abilities that ViTs already possess. We will release our Patch Mixing implementation and proposed datasets for public use. Project page: https://arielnlee.github.io/PatchMixing/
null
cs.CV
[ "cs.CV" ]
2401.14019
HF
Unitxt: Flexible, Shareable and Reusable Data Preparation and Evaluation for Generative AI
[ "Elron Bandel", "Yotam Perlitz", "Elad Venezian", "Roni Friedman-Melamed", "Ofir Arviv", "Matan Orbach", "Shachar Don-Yehyia", "Dafna Sheinwald", "Ariel Gera", "Leshem Choshen", "Michal Shmueli-Scheuer", "Yoav Katz" ]
2024-01-25
In the dynamic landscape of generative NLP, traditional text processing pipelines limit research flexibility and reproducibility, as they are tailored to specific dataset, task, and model combinations. The escalating complexity, involving system prompts, model-specific formats, instructions, and more, calls for a shift to a structured, modular, and customizable solution. Addressing this need, we present Unitxt, an innovative library for customizable textual data preparation and evaluation tailored to generative language models. Unitxt natively integrates with common libraries like HuggingFace and LM-eval-harness and deconstructs processing flows into modular components, enabling easy customization and sharing between practitioners. These components encompass model-specific formats, task prompts, and many other comprehensive dataset processing definitions. The Unitxt-Catalog centralizes these components, fostering collaboration and exploration in modern textual data workflows. Beyond being a tool, Unitxt is a community-driven platform, empowering users to build, share, and advance their pipelines collaboratively. Join the Unitxt community at https://github.com/IBM/unitxt!
null
cs.CL
[ "cs.CL", "cs.AI" ]
2406.12831
HF
VIA: A Spatiotemporal Video Adaptation Framework for Global and Local Video Editing
[ "Jing Gu", "Yuwei Fang", "Ivan Skorokhodov", "Peter Wonka", "Xinya Du", "Sergey Tulyakov", "Xin Eric Wang" ]
2024-06-18
Video editing stands as a cornerstone of digital media, from entertainment and education to professional communication. However, previous methods often overlook the necessity of comprehensively understanding both global and local contexts, leading to inaccurate and inconsistency edits in the spatiotemporal dimension, especially for long videos. In this paper, we introduce VIA, a unified spatiotemporal VIdeo Adaptation framework for global and local video editing, pushing the limits of consistently editing minute-long videos. First, to ensure local consistency within individual frames, the foundation of VIA is a novel test-time editing adaptation method, which adapts a pre-trained image editing model for improving consistency between potential editing directions and the text instruction, and adapts masked latent variables for precise local control. Furthermore, to maintain global consistency over the video sequence, we introduce spatiotemporal adaptation that adapts consistent attention variables in key frames and strategically applies them across the whole sequence to realize the editing effects. Extensive experiments demonstrate that, compared to baseline methods, our VIA approach produces edits that are more faithful to the source videos, more coherent in the spatiotemporal context, and more precise in local control. More importantly, we show that VIA can achieve consistent long video editing in minutes, unlocking the potentials for advanced video editing tasks over long video sequences.
null
cs.CV
[ "cs.CV", "cs.AI", "cs.MM" ]
2311.00899
HF
RoboVQA: Multimodal Long-Horizon Reasoning for Robotics
[ "Pierre Sermanet", "Tianli Ding", "Jeffrey Zhao", "Fei Xia", "Debidatta Dwibedi", "Keerthana Gopalakrishnan", "Christine Chan", "Gabriel Dulac-Arnold", "Sharath Maddineni", "Nikhil J Joshi", "Pete Florence", "Wei Han", "Robert Baruch", "Yao Lu", "Suvir Mirchandani", "Peng Xu", "Pannag Sanketi", "Karol Hausman", "Izhak Shafran", "Brian Ichter", "Yuan Cao" ]
2023-11-01
We present a scalable, bottom-up and intrinsically diverse data collection scheme that can be used for high-level reasoning with long and medium horizons and that has 2.2x higher throughput compared to traditional narrow top-down step-by-step collection. We collect realistic data by performing any user requests within the entirety of 3 office buildings and using multiple robot and human embodiments. With this data, we show that models trained on all embodiments perform better than ones trained on the robot data only, even when evaluated solely on robot episodes. We find that for a fixed collection budget it is beneficial to take advantage of cheaper human collection along with robot collection. We release a large and highly diverse (29,520 unique instructions) dataset dubbed RoboVQA containing 829,502 (video, text) pairs for robotics-focused visual question answering. We also demonstrate how evaluating real robot experiments with an intervention mechanism enables performing tasks to completion, making it deployable with human oversight even if imperfect while also providing a single performance metric. We demonstrate a single video-conditioned model named RoboVQA-VideoCoCa trained on our dataset that is capable of performing a variety of grounded high-level reasoning tasks in broad realistic settings with a cognitive intervention rate 46% lower than the zero-shot state of the art visual language model (VLM) baseline and is able to guide real robots through long-horizon tasks. The performance gap with zero-shot state-of-the-art models indicates that a lot of grounded data remains to be collected for real-world deployment, emphasizing the critical need for scalable data collection approaches. Finally, we show that video VLMs significantly outperform single-image VLMs with an average error rate reduction of 19% across all VQA tasks. Data and videos available at https://robovqa.github.io
null
cs.RO
[ "cs.RO" ]
2403.11703
HF
LLaVA-UHD: an LMM Perceiving Any Aspect Ratio and High-Resolution Images
[ "Ruyi Xu", "Yuan Yao", "Zonghao Guo", "Junbo Cui", "Zanlin Ni", "Chunjiang Ge", "Tat-Seng Chua", "Zhiyuan Liu", "Maosong Sun", "Gao Huang" ]
2024-03-18
Visual encoding constitutes the basis of large multimodal models (LMMs) in understanding the visual world. Conventional LMMs process images in fixed sizes and limited resolutions, while recent explorations in this direction are limited in adaptivity, efficiency, and even correctness. In this work, we first take GPT-4V and LLaVA-1.5 as representative examples and expose systematic flaws rooted in their visual encoding strategy. To address the challenges, we present LLaVA-UHD, a large multimodal model that can efficiently perceive images in any aspect ratio and high resolution. LLaVA-UHD includes three key components: (1) An image modularization strategy that divides native-resolution images into smaller variable-sized slices for efficient and extensible encoding, (2) a compression module that further condenses image tokens from visual encoders, and (3) a spatial schema to organize slice tokens for LLMs. Comprehensive experiments show that LLaVA-UHD outperforms established LMMs trained with 2-3 orders of magnitude more data on 9 benchmarks. Notably, our model built on LLaVA-1.5 336x336 supports 6 times larger (i.e., 672x1088) resolution images using only 94% inference computation, and achieves 6.4 accuracy improvement on TextVQA. Moreover, the model can be efficiently trained in academic settings, within 23 hours on 8 A100 GPUs (vs. 26 hours of LLaVA-1.5). We make the data and code publicly available at https://github.com/thunlp/LLaVA-UHD.
null
cs.CV
[ "cs.CV", "cs.AI" ]
2312.14890
AnswerAI
NPHardEval: Dynamic Benchmark on Reasoning Ability of Large Language Models via Complexity Classes
[ "Lizhou Fan", "Wenyue Hua", "Lingyao Li", "Haoyang Ling", "Yongfeng Zhang" ]
2023-12-22
Complex reasoning ability is one of the most important features of current LLMs, which has also been leveraged to play an integral role in complex decision-making tasks. Therefore, the investigation into the reasoning capabilities of Large Language Models (LLMs) is critical: numerous benchmarks have been established to assess the reasoning abilities of LLMs. However, current benchmarks are inadequate in offering a rigorous evaluation of the full extent of reasoning abilities that LLMs are capable of achieving. They are also prone to the risk of overfitting, as these benchmarks, being publicly accessible and static, allow models to potentially tailor their responses to specific benchmark metrics, thereby inflating their performance. Addressing these limitations, our research introduces a new benchmark, named NPHardEval. This benchmark is designed to evaluate the reasoning abilities of LLMs across a broad spectrum of 900 algorithmic questions, extending up to the NP-Hard complexity class. These questions are meticulously chosen to represent a wide range of complexity class below the NP-hard complexity class, offering a rigorous measure of the reasoning ability of LLMs. Through this study, we shed light on the current state of reasoning in LLMs, providing an objective and rigorous perspective through the comparison of LLMs' performance across complex classes. Moreover, this benchmark is designed with a dynamic update mechanism, where the datapoints are refreshed on a monthly basis. Such regular updates play a crucial role in mitigating the risk of LLMs overfitting to the benchmark, promoting a more accurate and reliable assessment of their reasoning capabilities. The benchmark dataset and code of NPHardEval are available at https://github.com/casmlab/NPHardEval.
null
cs.AI
[ "cs.AI", "cs.CC", "cs.CL", "cs.LG" ]
2407.19584
HF
SaulLM-54B & SaulLM-141B: Scaling Up Domain Adaptation for the Legal Domain
[ "Pierre Colombo", "Telmo Pires", "Malik Boudiaf", "Rui Melo", "Dominic Culver", "Sofia Morgado", "Etienne Malaboeuf", "Gabriel Hautreux", "Johanne Charpentier", "Michael Desa" ]
2024-07-28
In this paper, we introduce SaulLM-54B and SaulLM-141B, two large language models (LLMs) tailored for the legal sector. These models, which feature architectures of 54 billion and 141 billion parameters, respectively, are based on the Mixtral architecture. The development of SaulLM-54B and SaulLM-141B is guided by large-scale domain adaptation, divided into three strategies: (1) the exploitation of continued pretraining involving a base corpus that includes over 540 billion of legal tokens, (2) the implementation of a specialized legal instruction-following protocol, and (3) the alignment of model outputs with human preferences in legal interpretations. The integration of synthetically generated data in the second and third steps enhances the models' capabilities in interpreting and processing legal texts, effectively reaching state-of-the-art performance and outperforming previous open-source models on LegalBench-Instruct. This work explores the trade-offs involved in domain-specific adaptation at this scale, offering insights that may inform future studies on domain adaptation using strong decoder models. Building upon SaulLM-7B, this study refines the approach to produce an LLM better equipped for legal tasks. We are releasing base, instruct, and aligned versions on top of SaulLM-54B and SaulLM-141B under the MIT License to facilitate reuse and collaborative research.
null
cs.CL
[ "cs.CL" ]
2403.03003
HF
Feast Your Eyes: Mixture-of-Resolution Adaptation for Multimodal Large Language Models
[ "Gen Luo", "Yiyi Zhou", "Yuxin Zhang", "Xiawu Zheng", "Xiaoshuai Sun", "Rongrong Ji" ]
2024-03-05
Despite remarkable progress, existing multimodal large language models (MLLMs) are still inferior in granular visual recognition. Contrary to previous works, we study this problem from the perspective of image resolution, and reveal that a combination of low- and high-resolution visual features can effectively mitigate this shortcoming. Based on this observation, we propose a novel and efficient method for MLLMs, termed Mixture-of-Resolution Adaptation (MRA). In particular, MRA adopts two visual pathways for images with different resolutions, where high-resolution visual information is embedded into the low-resolution pathway via the novel mixture-of-resolution adapters (MR-Adapters). This design also greatly reduces the input sequence length of MLLMs. To validate MRA, we apply it to a recent MLLM called LLaVA, and term the new model LLaVA-HR. We conduct extensive experiments on 11 vision-language (VL) tasks, which show that LLaVA-HR outperforms existing MLLMs on 8 VL tasks, e.g., +9.4% on TextVQA. More importantly, both training and inference of LLaVA-HR remain efficient with MRA, e.g., 20 training hours and 3$\times$ inference speed than LLaVA-1.5. Source codes are released at: https://github.com/luogen1996/LLaVA-HR.
null
cs.CV
[ "cs.CV" ]
2403.18802
HF
Long-form factuality in large language models
[ "Jerry Wei", "Chengrun Yang", "Xinying Song", "Yifeng Lu", "Nathan Hu", "Jie Huang", "Dustin Tran", "Daiyi Peng", "Ruibo Liu", "Da Huang", "Cosmo Du", "Quoc V. Le" ]
2024-03-27
Large language models (LLMs) often generate content that contains factual errors when responding to fact-seeking prompts on open-ended topics. To benchmark a model's long-form factuality in open domains, we first use GPT-4 to generate LongFact, a prompt set comprising thousands of questions spanning 38 topics. We then propose that LLM agents can be used as automated evaluators for long-form factuality through a method which we call Search-Augmented Factuality Evaluator (SAFE). SAFE utilizes an LLM to break down a long-form response into a set of individual facts and to evaluate the accuracy of each fact using a multi-step reasoning process comprising sending search queries to Google Search and determining whether a fact is supported by the search results. Furthermore, we propose extending F1 score as an aggregated metric for long-form factuality. To do so, we balance the percentage of supported facts in a response (precision) with the percentage of provided facts relative to a hyperparameter representing a user's preferred response length (recall). Empirically, we demonstrate that LLM agents can outperform crowdsourced human annotators - on a set of ~16k individual facts, SAFE agrees with crowdsourced human annotators 72% of the time, and on a random subset of 100 disagreement cases, SAFE wins 76% of the time. At the same time, SAFE is more than 20 times cheaper than human annotators. We also benchmark thirteen language models on LongFact across four model families (Gemini, GPT, Claude, and PaLM-2), finding that larger language models generally achieve better long-form factuality. LongFact, SAFE, and all experimental code are available at https://github.com/google-deepmind/long-form-factuality.
null
cs.CL
[ "cs.CL", "cs.AI", "cs.LG" ]
2408.02816
HF
Learning to Predict Program Execution by Modeling Dynamic Dependency on Code Graphs
[ "Cuong Chi Le", "Hoang Nhat Phan", "Huy Nhat Phan", "Tien N. Nguyen", "Nghi D. Q. Bui" ]
2024-08-05
Predicting program behavior without execution is a crucial and challenging task in software engineering. Traditional models often struggle to capture the dynamic dependencies and interactions within code. This paper introduces a novel machine learning-based framework called CodeFlow, designed to predict code coverage and detect runtime errors through Dynamic Dependencies Learning. By utilizing control flow graphs (CFGs), CodeFlow represents all possible execution paths and the relationships between different statements, providing a comprehensive understanding of program behavior. CodeFlow constructs CFGs to depict execution paths and learns vector representations for CFG nodes, capturing static control-flow dependencies. Additionally, it learns dynamic dependencies through execution traces, which reflect the impacts among statements during execution. This approach enables accurate prediction of code coverage and effective identification of runtime errors. Empirical evaluations demonstrate significant improvements in code coverage prediction accuracy and effective localization of runtime errors, outperforming existing models.
null
cs.SE
[ "cs.SE" ]
2408.06396
HF
Design Proteins Using Large Language Models: Enhancements and Comparative Analyses
[ "Kamyar Zeinalipour", "Neda Jamshidi", "Monica Bianchini", "Marco Maggini", "Marco Gori" ]
2024-08-12
Pre-trained LLMs have demonstrated substantial capabilities across a range of conventional natural language processing (NLP) tasks, such as summarization and entity recognition. In this paper, we explore the application of LLMs in the generation of high-quality protein sequences. Specifically, we adopt a suite of pre-trained LLMs, including Mistral-7B1, Llama-2-7B2, Llama-3-8B3, and gemma-7B4, to produce valid protein sequences. All of these models are publicly available.5 Unlike previous work in this field, our approach utilizes a relatively small dataset comprising 42,000 distinct human protein sequences. We retrain these models to process protein-related data, ensuring the generation of biologically feasible protein structures. Our findings demonstrate that even with limited data, the adapted models exhibit efficiency comparable to established protein-focused models such as ProGen varieties, ProtGPT2, and ProLLaMA, which were trained on millions of protein sequences. To validate and quantify the performance of our models, we conduct comparative analyses employing standard metrics such as pLDDT, RMSD, TM-score, and REU. Furthermore, we commit to making the trained versions of all four models publicly available, fostering greater transparency and collaboration in the field of computational biology.
null
q-bio.QM
[ "q-bio.QM", "cs.AI", "cs.LG" ]
2305.13048
HF
RWKV: Reinventing RNNs for the Transformer Era
[ "Bo Peng", "Eric Alcaide", "Quentin Anthony", "Alon Albalak", "Samuel Arcadinho", "Stella Biderman", "Huanqi Cao", "Xin Cheng", "Michael Chung", "Matteo Grella", "Kranthi Kiran GV", "Xuzheng He", "Haowen Hou", "Jiaju Lin", "Przemyslaw Kazienko", "Jan Kocon", "Jiaming Kong", "Bartlomiej Koptyra", "Hayden Lau", "Krishna Sri Ipsit Mantri", "Ferdinand Mom", "Atsushi Saito", "Guangyu Song", "Xiangru Tang", "Bolun Wang", "Johan S. Wind", "Stanislaw Wozniak", "Ruichong Zhang", "Zhenyuan Zhang", "Qihang Zhao", "Peng Zhou", "Qinghua Zhou", "Jian Zhu", "Rui-Jie Zhu" ]
2023-05-22
Transformers have revolutionized almost all natural language processing (NLP) tasks but suffer from memory and computational complexity that scales quadratically with sequence length. In contrast, recurrent neural networks (RNNs) exhibit linear scaling in memory and computational requirements but struggle to match the same performance as Transformers due to limitations in parallelization and scalability. We propose a novel model architecture, Receptance Weighted Key Value (RWKV), that combines the efficient parallelizable training of transformers with the efficient inference of RNNs. Our approach leverages a linear attention mechanism and allows us to formulate the model as either a Transformer or an RNN, thus parallelizing computations during training and maintains constant computational and memory complexity during inference. We scale our models as large as 14 billion parameters, by far the largest dense RNN ever trained, and find RWKV performs on par with similarly sized Transformers, suggesting future work can leverage this architecture to create more efficient models. This work presents a significant step towards reconciling trade-offs between computational efficiency and model performance in sequence processing tasks.
null
cs.CL
[ "cs.CL", "cs.AI" ]
2403.09029
HF
Unlocking the conversion of Web Screenshots into HTML Code with the WebSight Dataset
[ "Hugo Laurençon", "Léo Tronchon", "Victor Sanh" ]
2024-03-14
Using vision-language models (VLMs) in web development presents a promising strategy to increase efficiency and unblock no-code solutions: by providing a screenshot or a sketch of a UI, a VLM could generate the code to reproduce it, for instance in a language like HTML. Despite the advancements in VLMs for various tasks, the specific challenge of converting a screenshot into a corresponding HTML has been minimally explored. We posit that this is mainly due to the absence of a suitable, high-quality dataset. This work introduces WebSight, a synthetic dataset consisting of 2 million pairs of HTML codes and their corresponding screenshots. We fine-tune a foundational VLM on our dataset and show proficiency in converting webpage screenshots to functional HTML code. To accelerate the research in this area, we open-source WebSight.
null
cs.HC
[ "cs.HC", "cs.AI", "cs.CV" ]
2310.13772
HF
TexFusion: Synthesizing 3D Textures with Text-Guided Image Diffusion Models
[ "Tianshi Cao", "Karsten Kreis", "Sanja Fidler", "Nicholas Sharp", "Kangxue Yin" ]
2023-10-20
We present TexFusion (Texture Diffusion), a new method to synthesize textures for given 3D geometries, using large-scale text-guided image diffusion models. In contrast to recent works that leverage 2D text-to-image diffusion models to distill 3D objects using a slow and fragile optimization process, TexFusion introduces a new 3D-consistent generation technique specifically designed for texture synthesis that employs regular diffusion model sampling on different 2D rendered views. Specifically, we leverage latent diffusion models, apply the diffusion model's denoiser on a set of 2D renders of the 3D object, and aggregate the different denoising predictions on a shared latent texture map. Final output RGB textures are produced by optimizing an intermediate neural color field on the decodings of 2D renders of the latent texture. We thoroughly validate TexFusion and show that we can efficiently generate diverse, high quality and globally coherent textures. We achieve state-of-the-art text-guided texture synthesis performance using only image diffusion models, while avoiding the pitfalls of previous distillation-based methods. The text-conditioning offers detailed control and we also do not rely on any ground truth 3D textures for training. This makes our method versatile and applicable to a broad range of geometry and texture types. We hope that TexFusion will advance AI-based texturing of 3D assets for applications in virtual reality, game design, simulation, and more.
null
cs.CV
[ "cs.CV", "cs.LG", "I.3.3" ]
2311.06158
HF
Language Models can be Logical Solvers
[ "Jiazhan Feng", "Ruochen Xu", "Junheng Hao", "Hiteshi Sharma", "Yelong Shen", "Dongyan Zhao", "Weizhu Chen" ]
2023-11-10
Logical reasoning is a fundamental aspect of human intelligence and a key component of tasks like problem-solving and decision-making. Recent advancements have enabled Large Language Models (LLMs) to potentially exhibit reasoning capabilities, but complex logical reasoning remains a challenge. The state-of-the-art, solver-augmented language models, use LLMs to parse natural language logical questions into symbolic representations first and then adopt external logical solvers to take in the symbolic representations and output the answers. Despite their impressive performance, any parsing errors will inevitably result in the failure of the execution of the external logical solver and no answer to the logical questions. In this paper, we introduce LoGiPT, a novel language model that directly emulates the reasoning processes of logical solvers and bypasses the parsing errors by learning to strict adherence to solver syntax and grammar. LoGiPT is fine-tuned on a newly constructed instruction-tuning dataset derived from revealing and refining the invisible reasoning process of deductive solvers. Experimental results on two public deductive reasoning datasets demonstrate that LoGiPT outperforms state-of-the-art solver-augmented LMs and few-shot prompting methods on competitive LLMs like ChatGPT or GPT-4.
null
cs.CL
[ "cs.CL", "cs.AI" ]
2310.03502
HF
Kandinsky: an Improved Text-to-Image Synthesis with Image Prior and Latent Diffusion
[ "Anton Razzhigaev", "Arseniy Shakhmatov", "Anastasia Maltseva", "Vladimir Arkhipkin", "Igor Pavlov", "Ilya Ryabov", "Angelina Kuts", "Alexander Panchenko", "Andrey Kuznetsov", "Denis Dimitrov" ]
2023-10-05
Text-to-image generation is a significant domain in modern computer vision and has achieved substantial improvements through the evolution of generative architectures. Among these, there are diffusion-based models that have demonstrated essential quality enhancements. These models are generally split into two categories: pixel-level and latent-level approaches. We present Kandinsky1, a novel exploration of latent diffusion architecture, combining the principles of the image prior models with latent diffusion techniques. The image prior model is trained separately to map text embeddings to image embeddings of CLIP. Another distinct feature of the proposed model is the modified MoVQ implementation, which serves as the image autoencoder component. Overall, the designed model contains 3.3B parameters. We also deployed a user-friendly demo system that supports diverse generative modes such as text-to-image generation, image fusion, text and image fusion, image variations generation, and text-guided inpainting/outpainting. Additionally, we released the source code and checkpoints for the Kandinsky models. Experimental evaluations demonstrate a FID score of 8.03 on the COCO-30K dataset, marking our model as the top open-source performer in terms of measurable image generation quality.
null
cs.CV
[ "cs.CV" ]
2404.07204
HF
BRAVE: Broadening the visual encoding of vision-language models
[ "Oğuzhan Fatih Kar", "Alessio Tonioni", "Petra Poklukar", "Achin Kulshrestha", "Amir Zamir", "Federico Tombari" ]
2024-04-10
Vision-language models (VLMs) are typically composed of a vision encoder, e.g. CLIP, and a language model (LM) that interprets the encoded features to solve downstream tasks. Despite remarkable progress, VLMs are subject to several shortcomings due to the limited capabilities of vision encoders, e.g. "blindness" to certain image features, visual hallucination, etc. To address these issues, we study broadening the visual encoding capabilities of VLMs. We first comprehensively benchmark several vision encoders with different inductive biases for solving VLM tasks. We observe that there is no single encoding configuration that consistently achieves top performance across different tasks, and encoders with different biases can perform surprisingly similarly. Motivated by this, we introduce a method, named BRAVE, that consolidates features from multiple frozen encoders into a more versatile representation that can be directly fed as the input to a frozen LM. BRAVE achieves state-of-the-art performance on a broad range of captioning and VQA benchmarks and significantly reduces the aforementioned issues of VLMs, while requiring a smaller number of trainable parameters than existing methods and having a more compressed representation. Our results highlight the potential of incorporating different visual biases for a more broad and contextualized visual understanding of VLMs.
null
cs.CV
[ "cs.CV", "cs.AI", "cs.LG" ]
2311.04257
HF
mPLUG-Owl2: Revolutionizing Multi-modal Large Language Model with Modality Collaboration
[ "Qinghao Ye", "Haiyang Xu", "Jiabo Ye", "Ming Yan", "Anwen Hu", "Haowei Liu", "Qi Qian", "Ji Zhang", "Fei Huang", "Jingren Zhou" ]
2023-11-07
Multi-modal Large Language Models (MLLMs) have demonstrated impressive instruction abilities across various open-ended tasks. However, previous methods primarily focus on enhancing multi-modal capabilities. In this work, we introduce a versatile multi-modal large language model, mPLUG-Owl2, which effectively leverages modality collaboration to improve performance in both text and multi-modal tasks. mPLUG-Owl2 utilizes a modularized network design, with the language decoder acting as a universal interface for managing different modalities. Specifically, mPLUG-Owl2 incorporates shared functional modules to facilitate modality collaboration and introduces a modality-adaptive module that preserves modality-specific features. Extensive experiments reveal that mPLUG-Owl2 is capable of generalizing both text tasks and multi-modal tasks and achieving state-of-the-art performances with a single generic model. Notably, mPLUG-Owl2 is the first MLLM model that demonstrates the modality collaboration phenomenon in both pure-text and multi-modal scenarios, setting a pioneering path in the development of future multi-modal foundation models.
null
cs.CL
[ "cs.CL", "cs.CV" ]
2212.09146
AnswerAI
Can Retriever-Augmented Language Models Reason? The Blame Game Between the Retriever and the Language Model
[ "Parishad BehnamGhader", "Santiago Miret", "Siva Reddy" ]
2022-12-18
Augmenting pretrained language models with retrievers has shown promise in effectively solving common NLP problems, such as language modeling and question answering. In this paper, we evaluate the strengths and weaknesses of popular retriever-augmented language models, namely kNN-LM, REALM, DPR + FiD, Contriever + ATLAS, and Contriever + Flan-T5, in reasoning over retrieved statements across different tasks. Our findings indicate that the simple similarity metric employed by retrievers is insufficient for retrieving all the necessary statements for reasoning. Additionally, the language models do not exhibit strong reasoning even when provided with only the required statements. Furthermore, when combined with imperfect retrievers, the performance of the language models becomes even worse, e.g., Flan-T5's performance drops by 28.6% when retrieving 5 statements using Contriever. While larger language models improve performance, there is still a substantial room for enhancement. Our further analysis indicates that multihop retrieve-and-read is promising for large language models like GPT-3.5, but does not generalize to other language models like Flan-T5-xxl.
null
cs.CL
[ "cs.CL" ]
2409.01704
HF
General OCR Theory: Towards OCR-2.0 via a Unified End-to-end Model
[ "Haoran Wei", "Chenglong Liu", "Jinyue Chen", "Jia Wang", "Lingyu Kong", "Yanming Xu", "Zheng Ge", "Liang Zhao", "Jianjian Sun", "Yuang Peng", "Chunrui Han", "Xiangyu Zhang" ]
2024-09-03
Traditional OCR systems (OCR-1.0) are increasingly unable to meet people's usage due to the growing demand for intelligent processing of man-made optical characters. In this paper, we collectively refer to all artificial optical signals (e.g., plain texts, math/molecular formulas, tables, charts, sheet music, and even geometric shapes) as "characters" and propose the General OCR Theory along with an excellent model, namely GOT, to promote the arrival of OCR-2.0. The GOT, with 580M parameters, is a unified, elegant, and end-to-end model, consisting of a high-compression encoder and a long-contexts decoder. As an OCR-2.0 model, GOT can handle all the above "characters" under various OCR tasks. On the input side, the model supports commonly used scene- and document-style images in slice and whole-page styles. On the output side, GOT can generate plain or formatted results (markdown/tikz/smiles/kern) via an easy prompt. Besides, the model enjoys interactive OCR features, i.e., region-level recognition guided by coordinates or colors. Furthermore, we also adapt dynamic resolution and multi-page OCR technologies to GOT for better practicality. In experiments, we provide sufficient results to prove the superiority of our model.
null
cs.CV
[ "cs.CV" ]
2303.03915
AnswerAI
The BigScience ROOTS Corpus: A 1.6TB Composite Multilingual Dataset
[ "Hugo Laurençon", "Lucile Saulnier", "Thomas Wang", "Christopher Akiki", "Albert Villanova del Moral", "Teven Le Scao", "Leandro Von Werra", "Chenghao Mou", "Eduardo González Ponferrada", "Huu Nguyen", "Jörg Frohberg", "Mario Šaško", "Quentin Lhoest", "Angelina McMillan-Major", "Gerard Dupont", "Stella Biderman", "Anna Rogers", "Loubna Ben allal", "Francesco De Toni", "Giada Pistilli", "Olivier Nguyen", "Somaieh Nikpoor", "Maraim Masoud", "Pierre Colombo", "Javier de la Rosa", "Paulo Villegas", "Tristan Thrush", "Shayne Longpre", "Sebastian Nagel", "Leon Weber", "Manuel Muñoz", "Jian Zhu", "Daniel Van Strien", "Zaid Alyafeai", "Khalid Almubarak", "Minh Chien Vu", "Itziar Gonzalez-Dios", "Aitor Soroa", "Kyle Lo", "Manan Dey", "Pedro Ortiz Suarez", "Aaron Gokaslan", "Shamik Bose", "David Adelani", "Long Phan", "Hieu Tran", "Ian Yu", "Suhas Pai", "Jenny Chim", "Violette Lepercq", "Suzana Ilic", "Margaret Mitchell", "Sasha Alexandra Luccioni", "Yacine Jernite" ]
2023-03-07
As language models grow ever larger, the need for large-scale high-quality text datasets has never been more pressing, especially in multilingual settings. The BigScience workshop, a 1-year international and multidisciplinary initiative, was formed with the goal of researching and training large language models as a values-driven undertaking, putting issues of ethics, harm, and governance in the foreground. This paper documents the data creation and curation efforts undertaken by BigScience to assemble the Responsible Open-science Open-collaboration Text Sources (ROOTS) corpus, a 1.6TB dataset spanning 59 languages that was used to train the 176-billion-parameter BigScience Large Open-science Open-access Multilingual (BLOOM) language model. We further release a large initial subset of the corpus and analyses thereof, and hope to empower large-scale monolingual and multilingual modeling projects with both the data and the processing tools, as well as stimulate research around this large multilingual corpus.
null
cs.CL
[ "cs.CL", "cs.AI", "I.2.7" ]
2001.08885
AnswerAI
Low-rank Gradient Approximation For Memory-Efficient On-device Training of Deep Neural Network
[ "Mary Gooneratne", "Khe Chai Sim", "Petr Zadrazil", "Andreas Kabel", "Françoise Beaufays", "Giovanni Motta" ]
2020-01-24
Training machine learning models on mobile devices has the potential of improving both privacy and accuracy of the models. However, one of the major obstacles to achieving this goal is the memory limitation of mobile devices. Reducing training memory enables models with high-dimensional weight matrices, like automatic speech recognition (ASR) models, to be trained on-device. In this paper, we propose approximating the gradient matrices of deep neural networks using a low-rank parameterization as an avenue to save training memory. The low-rank gradient approximation enables more advanced, memory-intensive optimization techniques to be run on device. Our experimental results show that we can reduce the training memory by about 33.0% for Adam optimization. It uses comparable memory to momentum optimization and achieves a 4.5% relative lower word error rate on an ASR personalization task.
null
eess.AS
[ "eess.AS", "cs.LG", "cs.SD", "stat.ML" ]
2309.11500
HF
Auto-ACD: A Large-scale Dataset for Audio-Language Representation Learning
[ "Luoyi Sun", "Xuenan Xu", "Mengyue Wu", "Weidi Xie" ]
2023-09-20
Recently, the AI community has made significant strides in developing powerful foundation models, driven by large-scale multimodal datasets. However, for audio representation learning, existing datasets suffer from limitations in the following aspects: insufficient volume, simplistic content, and arduous collection procedures. To establish an audio dataset with high-quality captions, we propose an innovative, automatic approach leveraging multimodal inputs, such as video frames, audio streams. Specifically, we construct a large-scale, high-quality, audio-language dataset, named as Auto-ACD, comprising over 1.5M audio-text pairs. We exploit a series of pre-trained models or APIs, to determine audio-visual synchronisation, generate image captions, object detection, or audio tags for specific videos. Subsequently, we employ LLM to paraphrase a congruent caption for each audio, guided by the extracted multi-modality clues. To demonstrate the effectiveness of the proposed dataset, we train widely used models on our dataset and show performance improvement on various downstream tasks, for example, audio-language retrieval, audio captioning, zero-shot classification. In addition, we establish a novel benchmark with environmental information and provide a benchmark for audio-text tasks.
null
cs.SD
[ "cs.SD", "cs.CV", "cs.MM", "eess.AS" ]
2307.11418
HF
FaceCLIPNeRF: Text-driven 3D Face Manipulation using Deformable Neural Radiance Fields
[ "Sungwon Hwang", "Junha Hyung", "Daejin Kim", "Min-Jung Kim", "Jaegul Choo" ]
2023-07-21
As recent advances in Neural Radiance Fields (NeRF) have enabled high-fidelity 3D face reconstruction and novel view synthesis, its manipulation also became an essential task in 3D vision. However, existing manipulation methods require extensive human labor, such as a user-provided semantic mask and manual attribute search unsuitable for non-expert users. Instead, our approach is designed to require a single text to manipulate a face reconstructed with NeRF. To do so, we first train a scene manipulator, a latent code-conditional deformable NeRF, over a dynamic scene to control a face deformation using the latent code. However, representing a scene deformation with a single latent code is unfavorable for compositing local deformations observed in different instances. As so, our proposed Position-conditional Anchor Compositor (PAC) learns to represent a manipulated scene with spatially varying latent codes. Their renderings with the scene manipulator are then optimized to yield high cosine similarity to a target text in CLIP embedding space for text-driven manipulation. To the best of our knowledge, our approach is the first to address the text-driven manipulation of a face reconstructed with NeRF. Extensive results, comparisons, and ablation studies demonstrate the effectiveness of our approach.
null
cs.CV
[ "cs.CV" ]
2406.04151
HF
AgentGym: Evolving Large Language Model-based Agents across Diverse Environments
[ "Zhiheng Xi", "Yiwen Ding", "Wenxiang Chen", "Boyang Hong", "Honglin Guo", "Junzhe Wang", "Dingwen Yang", "Chenyang Liao", "Xin Guo", "Wei He", "Songyang Gao", "Lu Chen", "Rui Zheng", "Yicheng Zou", "Tao Gui", "Qi Zhang", "Xipeng Qiu", "Xuanjing Huang", "Zuxuan Wu", "Yu-Gang Jiang" ]
2024-06-06
Building generalist agents that can handle diverse tasks and evolve themselves across different environments is a long-term goal in the AI community. Large language models (LLMs) are considered a promising foundation to build such agents due to their generalized capabilities. Current approaches either have LLM-based agents imitate expert-provided trajectories step-by-step, requiring human supervision, which is hard to scale and limits environmental exploration; or they let agents explore and learn in isolated environments, resulting in specialist agents with limited generalization. In this paper, we take the first step towards building generally-capable LLM-based agents with self-evolution ability. We identify a trinity of ingredients: 1) diverse environments for agent exploration and learning, 2) a trajectory set to equip agents with basic capabilities and prior knowledge, and 3) an effective and scalable evolution method. We propose AgentGym, a new framework featuring a variety of environments and tasks for broad, real-time, uni-format, and concurrent agent exploration. AgentGym also includes a database with expanded instructions, a benchmark suite, and high-quality trajectories across environments. Next, we propose a novel method, AgentEvol, to investigate the potential of agent self-evolution beyond previously seen data across tasks and environments. Experimental results show that the evolved agents can achieve results comparable to SOTA models. We release the AgentGym suite, including the platform, dataset, benchmark, checkpoints, and algorithm implementations. The AgentGym suite is available on https://github.com/WooooDyy/AgentGym.
null
cs.AI
[ "cs.AI", "cs.CL" ]
2004.02984
AnswerAI
MobileBERT: a Compact Task-Agnostic BERT for Resource-Limited Devices
[ "Zhiqing Sun", "Hongkun Yu", "Xiaodan Song", "Renjie Liu", "Yiming Yang", "Denny Zhou" ]
2020-04-06
Natural Language Processing (NLP) has recently achieved great success by using huge pre-trained models with hundreds of millions of parameters. However, these models suffer from heavy model sizes and high latency such that they cannot be deployed to resource-limited mobile devices. In this paper, we propose MobileBERT for compressing and accelerating the popular BERT model. Like the original BERT, MobileBERT is task-agnostic, that is, it can be generically applied to various downstream NLP tasks via simple fine-tuning. Basically, MobileBERT is a thin version of BERT_LARGE, while equipped with bottleneck structures and a carefully designed balance between self-attentions and feed-forward networks. To train MobileBERT, we first train a specially designed teacher model, an inverted-bottleneck incorporated BERT_LARGE model. Then, we conduct knowledge transfer from this teacher to MobileBERT. Empirical studies show that MobileBERT is 4.3x smaller and 5.5x faster than BERT_BASE while achieving competitive results on well-known benchmarks. On the natural language inference tasks of GLUE, MobileBERT achieves a GLUEscore o 77.7 (0.6 lower than BERT_BASE), and 62 ms latency on a Pixel 4 phone. On the SQuAD v1.1/v2.0 question answering task, MobileBERT achieves a dev F1 score of 90.0/79.2 (1.5/2.1 higher than BERT_BASE).
null
cs.CL
[ "cs.CL", "cs.LG" ]
2407.10058
HF
Learning to Refuse: Towards Mitigating Privacy Risks in LLMs
[ "Zhenhua Liu", "Tong Zhu", "Chuanyuan Tan", "Wenliang Chen" ]
2024-07-14
Large language models (LLMs) exhibit remarkable capabilities in understanding and generating natural language. However, these models can inadvertently memorize private information, posing significant privacy risks. This study addresses the challenge of enabling LLMs to protect specific individuals' private data without the need for complete retraining. We propose \return, a Real-world pErsonal daTa UnleaRNing dataset, comprising 2,492 individuals from Wikipedia with associated QA pairs, to evaluate machine unlearning (MU) methods for protecting personal data in a realistic scenario. Additionally, we introduce the Name-Aware Unlearning Framework (NAUF) for Privacy Protection, which enables the model to learn which individuals' information should be protected without affecting its ability to answer questions related to other unrelated individuals. Our extensive experiments demonstrate that NAUF achieves a state-of-the-art average unlearning score, surpassing the best baseline method by 5.65 points, effectively protecting target individuals' personal data while maintaining the model's general capabilities.
null
cs.CL
[ "cs.CL", "cs.AI" ]
2309.14327
Both
DeepSpeed-VisualChat: Multi-Round Multi-Image Interleave Chat via Multi-Modal Causal Attention
[ "Zhewei Yao", "Xiaoxia Wu", "Conglong Li", "Minjia Zhang", "Heyang Qin", "Olatunji Ruwase", "Ammar Ahmad Awan", "Samyam Rajbhandari", "Yuxiong He" ]
2023-09-25
Most of the existing multi-modal models, hindered by their incapacity to adeptly manage interleaved image-and-text inputs in multi-image, multi-round dialogues, face substantial constraints in resource allocation for training and data accessibility, impacting their adaptability and scalability across varied interaction realms. To address this, we present the DeepSpeed-VisualChat framework, designed to optimize Large Language Models (LLMs) by incorporating multi-modal capabilities, with a focus on enhancing the proficiency of Large Vision and Language Models in handling interleaved inputs. Our framework is notable for (1) its open-source support for multi-round and multi-image dialogues, (2) introducing an innovative multi-modal causal attention mechanism, and (3) utilizing data blending techniques on existing datasets to assure seamless interactions in multi-round, multi-image conversations. Compared to existing frameworks, DeepSpeed-VisualChat shows superior scalability up to 70B parameter language model size, representing a significant advancement in multi-modal language models and setting a solid foundation for future explorations.
null
cs.CV
[ "cs.CV", "cs.CL" ]
2406.10208
HF
Glyph-ByT5-v2: A Strong Aesthetic Baseline for Accurate Multilingual Visual Text Rendering
[ "Zeyu Liu", "Weicong Liang", "Yiming Zhao", "Bohan Chen", "Lin Liang", "Lijuan Wang", "Ji Li", "Yuhui Yuan" ]
2024-06-14
Recently, Glyph-ByT5 has achieved highly accurate visual text rendering performance in graphic design images. However, it still focuses solely on English and performs relatively poorly in terms of visual appeal. In this work, we address these two fundamental limitations by presenting Glyph-ByT5-v2 and Glyph-SDXL-v2, which not only support accurate visual text rendering for 10 different languages but also achieve much better aesthetic quality. To achieve this, we make the following contributions: (i) creating a high-quality multilingual glyph-text and graphic design dataset consisting of more than 1 million glyph-text pairs and 10 million graphic design image-text pairs covering nine other languages, (ii) building a multilingual visual paragraph benchmark consisting of 1,000 prompts, with 100 for each language, to assess multilingual visual spelling accuracy, and (iii) leveraging the latest step-aware preference learning approach to enhance the visual aesthetic quality. With the combination of these techniques, we deliver a powerful customized multilingual text encoder, Glyph-ByT5-v2, and a strong aesthetic graphic generation model, Glyph-SDXL-v2, that can support accurate spelling in 10 different languages. We perceive our work as a significant advancement, considering that the latest DALL-E3 and Ideogram 1.0 still struggle with the multilingual visual text rendering task.
null
cs.CV
[ "cs.CV" ]
2403.15377
HF
InternVideo2: Scaling Foundation Models for Multimodal Video Understanding
[ "Yi Wang", "Kunchang Li", "Xinhao Li", "Jiashuo Yu", "Yinan He", "Chenting Wang", "Guo Chen", "Baoqi Pei", "Ziang Yan", "Rongkun Zheng", "Jilan Xu", "Zun Wang", "Yansong Shi", "Tianxiang Jiang", "Songze Li", "Hongjie Zhang", "Yifei Huang", "Yu Qiao", "Yali Wang", "Limin Wang" ]
2024-03-22
We introduce InternVideo2, a new family of video foundation models (ViFM) that achieve the state-of-the-art results in video recognition, video-text tasks, and video-centric dialogue. Our core design is a progressive training approach that unifies the masked video modeling, crossmodal contrastive learning, and next token prediction, scaling up the video encoder size to 6B parameters. At the data level, we prioritize spatiotemporal consistency by semantically segmenting videos and generating video-audio-speech captions. This improves the alignment between video and text. Through extensive experiments, we validate our designs and demonstrate superior performance on over 60 video and audio tasks. Notably, our model outperforms others on various video-related dialogue and long video understanding benchmarks, highlighting its ability to reason and comprehend longer contexts. Code and models are available at https://github.com/OpenGVLab/InternVideo/tree/main/InternVideo2/.
null
cs.CV
[ "cs.CV" ]
2307.15593
Both
Robust Distortion-free Watermarks for Language Models
[ "Rohith Kuditipudi", "John Thickstun", "Tatsunori Hashimoto", "Percy Liang" ]
2023-07-28
We propose a methodology for planting watermarks in text from an autoregressive language model that are robust to perturbations without changing the distribution over text up to a certain maximum generation budget. We generate watermarked text by mapping a sequence of random numbers -- which we compute using a randomized watermark key -- to a sample from the language model. To detect watermarked text, any party who knows the key can align the text to the random number sequence. We instantiate our watermark methodology with two sampling schemes: inverse transform sampling and exponential minimum sampling. We apply these watermarks to three language models -- OPT-1.3B, LLaMA-7B and Alpaca-7B -- to experimentally validate their statistical power and robustness to various paraphrasing attacks. Notably, for both the OPT-1.3B and LLaMA-7B models, we find we can reliably detect watermarked text ($p \leq 0.01$) from $35$ tokens even after corrupting between $40$-$50\%$ of the tokens via random edits (i.e., substitutions, insertions or deletions). For the Alpaca-7B model, we conduct a case study on the feasibility of watermarking responses to typical user instructions. Due to the lower entropy of the responses, detection is more difficult: around $25\%$ of the responses -- whose median length is around $100$ tokens -- are detectable with $p \leq 0.01$, and the watermark is also less robust to certain automated paraphrasing attacks we implement.
null
cs.LG
[ "cs.LG", "cs.CL", "cs.CR" ]
2409.03512
HF
From MOOC to MAIC: Reshaping Online Teaching and Learning through LLM-driven Agents
[ "Jifan Yu", "Zheyuan Zhang", "Daniel Zhang-li", "Shangqing Tu", "Zhanxin Hao", "Rui Miao Li", "Haoxuan Li", "Yuanchun Wang", "Hanming Li", "Linlu Gong", "Jie Cao", "Jiayin Lin", "Jinchang Zhou", "Fei Qin", "Haohua Wang", "Jianxiao Jiang", "Lijun Deng", "Yisi Zhan", "Chaojun Xiao", "Xusheng Dai", "Xuan Yan", "Nianyi Lin", "Nan Zhang", "Ruixin Ni", "Yang Dang", "Lei Hou", "Yu Zhang", "Xu Han", "Manli Li", "Juanzi Li", "Zhiyuan Liu", "Huiqin Liu", "Maosong Sun" ]
2024-09-05
Since the first instances of online education, where courses were uploaded to accessible and shared online platforms, this form of scaling the dissemination of human knowledge to reach a broader audience has sparked extensive discussion and widespread adoption. Recognizing that personalized learning still holds significant potential for improvement, new AI technologies have been continuously integrated into this learning format, resulting in a variety of educational AI applications such as educational recommendation and intelligent tutoring. The emergence of intelligence in large language models (LLMs) has allowed for these educational enhancements to be built upon a unified foundational model, enabling deeper integration. In this context, we propose MAIC (Massive AI-empowered Course), a new form of online education that leverages LLM-driven multi-agent systems to construct an AI-augmented classroom, balancing scalability with adaptivity. Beyond exploring the conceptual framework and technical innovations, we conduct preliminary experiments at Tsinghua University, one of China's leading universities. Drawing from over 100,000 learning records of more than 500 students, we obtain a series of valuable observations and initial analyses. This project will continue to evolve, ultimately aiming to establish a comprehensive open platform that supports and unifies research, technology, and applications in exploring the possibilities of online education in the era of large model AI. We envision this platform as a collaborative hub, bringing together educators, researchers, and innovators to collectively explore the future of AI-driven online education.
null
cs.CY
[ "cs.CY", "cs.CL" ]
2312.00079
HF
HiFi Tuner: High-Fidelity Subject-Driven Fine-Tuning for Diffusion Models
[ "Zhonghao Wang", "Wei Wei", "Yang Zhao", "Zhisheng Xiao", "Mark Hasegawa-Johnson", "Humphrey Shi", "Tingbo Hou" ]
2023-11-30
This paper explores advancements in high-fidelity personalized image generation through the utilization of pre-trained text-to-image diffusion models. While previous approaches have made significant strides in generating versatile scenes based on text descriptions and a few input images, challenges persist in maintaining the subject fidelity within the generated images. In this work, we introduce an innovative algorithm named HiFi Tuner to enhance the appearance preservation of objects during personalized image generation. Our proposed method employs a parameter-efficient fine-tuning framework, comprising a denoising process and a pivotal inversion process. Key enhancements include the utilization of mask guidance, a novel parameter regularization technique, and the incorporation of step-wise subject representations to elevate the sample fidelity. Additionally, we propose a reference-guided generation approach that leverages the pivotal inversion of a reference image to mitigate unwanted subject variations and artifacts. We further extend our method to a novel image editing task: substituting the subject in an image through textual manipulations. Experimental evaluations conducted on the DreamBooth dataset using the Stable Diffusion model showcase promising results. Fine-tuning solely on textual embeddings improves CLIP-T score by 3.6 points and improves DINO score by 9.6 points over Textual Inversion. When fine-tuning all parameters, HiFi Tuner improves CLIP-T score by 1.2 points and improves DINO score by 1.2 points over DreamBooth, establishing a new state of the art.
null
cs.CV
[ "cs.CV", "cs.AI", "cs.CL", "cs.LG" ]
2305.02412
HF
Plan, Eliminate, and Track -- Language Models are Good Teachers for Embodied Agents
[ "Yue Wu", "So Yeon Min", "Yonatan Bisk", "Ruslan Salakhutdinov", "Amos Azaria", "Yuanzhi Li", "Tom Mitchell", "Shrimai Prabhumoye" ]
2023-05-03
Pre-trained large language models (LLMs) capture procedural knowledge about the world. Recent work has leveraged LLM's ability to generate abstract plans to simplify challenging control tasks, either by action scoring, or action modeling (fine-tuning). However, the transformer architecture inherits several constraints that make it difficult for the LLM to directly serve as the agent: e.g. limited input lengths, fine-tuning inefficiency, bias from pre-training, and incompatibility with non-text environments. To maintain compatibility with a low-level trainable actor, we propose to instead use the knowledge in LLMs to simplify the control problem, rather than solving it. We propose the Plan, Eliminate, and Track (PET) framework. The Plan module translates a task description into a list of high-level sub-tasks. The Eliminate module masks out irrelevant objects and receptacles from the observation for the current sub-task. Finally, the Track module determines whether the agent has accomplished each sub-task. On the AlfWorld instruction following benchmark, the PET framework leads to a significant 15% improvement over SOTA for generalization to human goal specifications.
null
cs.CL
[ "cs.CL", "cs.AI", "cs.LG" ]
2402.15449
AnswerAI
Repetition Improves Language Model Embeddings
[ "Jacob Mitchell Springer", "Suhas Kotha", "Daniel Fried", "Graham Neubig", "Aditi Raghunathan" ]
2024-02-23
Recent approaches to improving the extraction of text embeddings from autoregressive large language models (LLMs) have largely focused on improvements to data, backbone pretrained language models, or improving task-differentiation via instructions. In this work, we address an architectural limitation of autoregressive models: token embeddings cannot contain information from tokens that appear later in the input. To address this limitation, we propose a simple approach, "echo embeddings," in which we repeat the input twice in context and extract embeddings from the second occurrence. We show that echo embeddings of early tokens can encode information about later tokens, allowing us to maximally leverage high-quality LLMs for embeddings. On the MTEB leaderboard, echo embeddings improve over classical embeddings by over 9% zero-shot and by around 0.7% when fine-tuned. Echo embeddings with a Mistral-7B model achieve state-of-the-art compared to prior open source models that do not leverage synthetic fine-tuning data.
null
cs.CL
[ "cs.CL", "cs.LG" ]
2401.17509
HF
Anything in Any Scene: Photorealistic Video Object Insertion
[ "Chen Bai", "Zeman Shao", "Guoxiang Zhang", "Di Liang", "Jie Yang", "Zhuorui Zhang", "Yujian Guo", "Chengzhang Zhong", "Yiqiao Qiu", "Zhendong Wang", "Yichen Guan", "Xiaoyin Zheng", "Tao Wang", "Cheng Lu" ]
2024-01-30
Realistic video simulation has shown significant potential across diverse applications, from virtual reality to film production. This is particularly true for scenarios where capturing videos in real-world settings is either impractical or expensive. Existing approaches in video simulation often fail to accurately model the lighting environment, represent the object geometry, or achieve high levels of photorealism. In this paper, we propose Anything in Any Scene, a novel and generic framework for realistic video simulation that seamlessly inserts any object into an existing dynamic video with a strong emphasis on physical realism. Our proposed general framework encompasses three key processes: 1) integrating a realistic object into a given scene video with proper placement to ensure geometric realism; 2) estimating the sky and environmental lighting distribution and simulating realistic shadows to enhance the light realism; 3) employing a style transfer network that refines the final video output to maximize photorealism. We experimentally demonstrate that Anything in Any Scene framework produces simulated videos of great geometric realism, lighting realism, and photorealism. By significantly mitigating the challenges associated with video data generation, our framework offers an efficient and cost-effective solution for acquiring high-quality videos. Furthermore, its applications extend well beyond video data augmentation, showing promising potential in virtual reality, video editing, and various other video-centric applications. Please check our project website https://anythinginanyscene.github.io for access to our project code and more high-resolution video results.
null
cs.CV
[ "cs.CV" ]
2401.14688
HF
Taiyi-Diffusion-XL: Advancing Bilingual Text-to-Image Generation with Large Vision-Language Model Support
[ "Xiaojun Wu", "Dixiang Zhang", "Ruyi Gan", "Junyu Lu", "Ziwei Wu", "Renliang Sun", "Jiaxing Zhang", "Pingjian Zhang", "Yan Song" ]
2024-01-26
Recent advancements in text-to-image models have significantly enhanced image generation capabilities, yet a notable gap of open-source models persists in bilingual or Chinese language support. To address this need, we present Taiyi-Diffusion-XL, a new Chinese and English bilingual text-to-image model which is developed by extending the capabilities of CLIP and Stable-Diffusion-XL through a process of bilingual continuous pre-training. This approach includes the efficient expansion of vocabulary by integrating the most frequently used Chinese characters into CLIP's tokenizer and embedding layers, coupled with an absolute position encoding expansion. Additionally, we enrich text prompts by large vision-language model, leading to better images captions and possess higher visual quality. These enhancements are subsequently applied to downstream text-to-image models. Our empirical results indicate that the developed CLIP model excels in bilingual image-text retrieval.Furthermore, the bilingual image generation capabilities of Taiyi-Diffusion-XL surpass previous models. This research leads to the development and open-sourcing of the Taiyi-Diffusion-XL model, representing a notable advancement in the field of image generation, particularly for Chinese language applications. This contribution is a step forward in addressing the need for more diverse language support in multimodal research. The model and demonstration are made publicly available at \href{https://huggingface.co/IDEA-CCNL/Taiyi-Stable-Diffusion-XL-3.5B/}, fostering further research and collaboration in this domain.
null
cs.CL
[ "cs.CL" ]
2310.19773
HF
MM-VID: Advancing Video Understanding with GPT-4V(ision)
[ "Kevin Lin", "Faisal Ahmed", "Linjie Li", "Chung-Ching Lin", "Ehsan Azarnasab", "Zhengyuan Yang", "Jianfeng Wang", "Lin Liang", "Zicheng Liu", "Yumao Lu", "Ce Liu", "Lijuan Wang" ]
2023-10-30
We present MM-VID, an integrated system that harnesses the capabilities of GPT-4V, combined with specialized tools in vision, audio, and speech, to facilitate advanced video understanding. MM-VID is designed to address the challenges posed by long-form videos and intricate tasks such as reasoning within hour-long content and grasping storylines spanning multiple episodes. MM-VID uses a video-to-script generation with GPT-4V to transcribe multimodal elements into a long textual script. The generated script details character movements, actions, expressions, and dialogues, paving the way for large language models (LLMs) to achieve video understanding. This enables advanced capabilities, including audio description, character identification, and multimodal high-level comprehension. Experimental results demonstrate the effectiveness of MM-VID in handling distinct video genres with various video lengths. Additionally, we showcase its potential when applied to interactive environments, such as video games and graphic user interfaces.
null
cs.CV
[ "cs.CV" ]
2306.11644
Both
Textbooks Are All You Need
[ "Suriya Gunasekar", "Yi Zhang", "Jyoti Aneja", "Caio César Teodoro Mendes", "Allie Del Giorno", "Sivakanth Gopi", "Mojan Javaheripi", "Piero Kauffmann", "Gustavo de Rosa", "Olli Saarikivi", "Adil Salim", "Shital Shah", "Harkirat Singh Behl", "Xin Wang", "Sébastien Bubeck", "Ronen Eldan", "Adam Tauman Kalai", "Yin Tat Lee", "Yuanzhi Li" ]
2023-06-20
We introduce phi-1, a new large language model for code, with significantly smaller size than competing models: phi-1 is a Transformer-based model with 1.3B parameters, trained for 4 days on 8 A100s, using a selection of ``textbook quality" data from the web (6B tokens) and synthetically generated textbooks and exercises with GPT-3.5 (1B tokens). Despite this small scale, phi-1 attains pass@1 accuracy 50.6% on HumanEval and 55.5% on MBPP. It also displays surprising emergent properties compared to phi-1-base, our model before our finetuning stage on a dataset of coding exercises, and phi-1-small, a smaller model with 350M parameters trained with the same pipeline as phi-1 that still achieves 45% on HumanEval.
null
cs.CL
[ "cs.CL", "cs.AI", "cs.LG" ]
2305.03713
HF
Avatar Fingerprinting for Authorized Use of Synthetic Talking-Head Videos
[ "Ekta Prashnani", "Koki Nagano", "Shalini De Mello", "David Luebke", "Orazio Gallo" ]
2023-05-05
Modern avatar generators allow anyone to synthesize photorealistic real-time talking avatars, ushering in a new era of avatar-based human communication, such as with immersive AR/VR interactions or videoconferencing with limited bandwidths. Their safe adoption, however, requires a mechanism to verify if the rendered avatar is trustworthy: does it use the appearance of an individual without their consent? We term this task avatar fingerprinting. To tackle it, we first introduce a large-scale dataset of real and synthetic videos of people interacting on a video call, where the synthetic videos are generated using the facial appearance of one person and the expressions of another. We verify the identity driving the expressions in a synthetic video, by learning motion signatures that are independent of the facial appearance shown. Our solution, the first in this space, achieves an average AUC of 0.85. Critical to its practical use, it also generalizes to new generators never seen in training (average AUC of 0.83). The proposed dataset and other resources can be found at: https://research.nvidia.com/labs/nxp/avatar-fingerprinting/.
null
cs.CV
[ "cs.CV" ]
2310.13798
HF
Specific versus General Principles for Constitutional AI
[ "Sandipan Kundu", "Yuntao Bai", "Saurav Kadavath", "Amanda Askell", "Andrew Callahan", "Anna Chen", "Anna Goldie", "Avital Balwit", "Azalia Mirhoseini", "Brayden McLean", "Catherine Olsson", "Cassie Evraets", "Eli Tran-Johnson", "Esin Durmus", "Ethan Perez", "Jackson Kernion", "Jamie Kerr", "Kamal Ndousse", "Karina Nguyen", "Nelson Elhage", "Newton Cheng", "Nicholas Schiefer", "Nova DasSarma", "Oliver Rausch", "Robin Larson", "Shannon Yang", "Shauna Kravec", "Timothy Telleen-Lawton", "Thomas I. Liao", "Tom Henighan", "Tristan Hume", "Zac Hatfield-Dodds", "Sören Mindermann", "Nicholas Joseph", "Sam McCandlish", "Jared Kaplan" ]
2023-10-20
Human feedback can prevent overtly harmful utterances in conversational models, but may not automatically mitigate subtle problematic behaviors such as a stated desire for self-preservation or power. Constitutional AI offers an alternative, replacing human feedback with feedback from AI models conditioned only on a list of written principles. We find this approach effectively prevents the expression of such behaviors. The success of simple principles motivates us to ask: can models learn general ethical behaviors from only a single written principle? To test this, we run experiments using a principle roughly stated as "do what's best for humanity". We find that the largest dialogue models can generalize from this short constitution, resulting in harmless assistants with no stated interest in specific motivations like power. A general principle may thus partially avoid the need for a long list of constitutions targeting potentially harmful behaviors. However, more detailed constitutions still improve fine-grained control over specific types of harms. This suggests both general and specific principles have value for steering AI safely.
null
cs.CL
[ "cs.CL", "cs.AI" ]
2406.11271
HF
MINT-1T: Scaling Open-Source Multimodal Data by 10x: A Multimodal Dataset with One Trillion Tokens
[ "Anas Awadalla", "Le Xue", "Oscar Lo", "Manli Shu", "Hannah Lee", "Etash Kumar Guha", "Matt Jordan", "Sheng Shen", "Mohamed Awadalla", "Silvio Savarese", "Caiming Xiong", "Ran Xu", "Yejin Choi", "Ludwig Schmidt" ]
2024-06-17
Multimodal interleaved datasets featuring free-form interleaved sequences of images and text are crucial for training frontier large multimodal models (LMMs). Despite the rapid progression of open-source LMMs, there remains a pronounced scarcity of large-scale, diverse open-source multimodal interleaved datasets. In response, we introduce MINT-1T, the most extensive and diverse open-source Multimodal INTerleaved dataset to date. MINT-1T comprises one trillion text tokens and 3.4 billion images, a 10x scale-up from existing open-source datasets. Additionally, we include previously untapped sources such as PDFs and ArXiv papers. As scaling multimodal interleaved datasets requires substantial engineering effort, sharing the data curation process and releasing the dataset greatly benefits the community. Our experiments show that LMMs trained on MINT-1T rival the performance of models trained on the previous leading dataset, OBELICS. Our data and code will be released at https://github.com/mlfoundations/MINT-1T.
null
cs.CV
[ "cs.CV", "cs.LG" ]
2207.02098
AnswerAI
Neural Networks and the Chomsky Hierarchy
[ "Grégoire Delétang", "Anian Ruoss", "Jordi Grau-Moya", "Tim Genewein", "Li Kevin Wenliang", "Elliot Catt", "Chris Cundy", "Marcus Hutter", "Shane Legg", "Joel Veness", "Pedro A. Ortega" ]
2022-07-05
Reliable generalization lies at the heart of safe ML and AI. However, understanding when and how neural networks generalize remains one of the most important unsolved problems in the field. In this work, we conduct an extensive empirical study (20'910 models, 15 tasks) to investigate whether insights from the theory of computation can predict the limits of neural network generalization in practice. We demonstrate that grouping tasks according to the Chomsky hierarchy allows us to forecast whether certain architectures will be able to generalize to out-of-distribution inputs. This includes negative results where even extensive amounts of data and training time never lead to any non-trivial generalization, despite models having sufficient capacity to fit the training data perfectly. Our results show that, for our subset of tasks, RNNs and Transformers fail to generalize on non-regular tasks, LSTMs can solve regular and counter-language tasks, and only networks augmented with structured memory (such as a stack or memory tape) can successfully generalize on context-free and context-sensitive tasks.
null
cs.LG
[ "cs.LG", "cs.AI", "cs.CL", "cs.FL" ]
2302.06476
AnswerAI
Is ChatGPT a General-Purpose Natural Language Processing Task Solver?
[ "Chengwei Qin", "Aston Zhang", "Zhuosheng Zhang", "Jiaao Chen", "Michihiro Yasunaga", "Diyi Yang" ]
2023-02-08
Spurred by advancements in scale, large language models (LLMs) have demonstrated the ability to perform a variety of natural language processing (NLP) tasks zero-shot -- i.e., without adaptation on downstream data. Recently, the debut of ChatGPT has drawn a great deal of attention from the natural language processing (NLP) community due to the fact that it can generate high-quality responses to human input and self-correct previous mistakes based on subsequent conversations. However, it is not yet known whether ChatGPT can serve as a generalist model that can perform many NLP tasks zero-shot. In this work, we empirically analyze the zero-shot learning ability of ChatGPT by evaluating it on 20 popular NLP datasets covering 7 representative task categories. With extensive empirical studies, we demonstrate both the effectiveness and limitations of the current version of ChatGPT. We find that ChatGPT performs well on many tasks favoring reasoning capabilities (e.g., arithmetic reasoning) while it still faces challenges when solving specific tasks such as sequence tagging. We additionally provide in-depth analysis through qualitative case studies.
null
cs.CL
[ "cs.CL", "cs.AI" ]
2402.10890
AnswerAI
When is Tree Search Useful for LLM Planning? It Depends on the Discriminator
[ "Ziru Chen", "Michael White", "Raymond Mooney", "Ali Payani", "Yu Su", "Huan Sun" ]
2024-02-16
In this paper, we examine how large language models (LLMs) solve multi-step problems under a language agent framework with three components: a generator, a discriminator, and a planning method. We investigate the practical utility of two advanced planning methods, iterative correction and tree search. We present a comprehensive analysis of how discrimination accuracy affects the overall performance of agents when using these two methods or a simpler method, re-ranking. Experiments on two tasks, text-to-SQL parsing and mathematical reasoning, show that: (1) advanced planning methods demand discriminators with at least 90% accuracy to achieve significant improvements over re-ranking; (2) current LLMs' discrimination abilities have not met the needs of advanced planning methods to achieve such improvements; (3) with LLM-based discriminators, advanced planning methods may not adequately balance accuracy and efficiency. For example, compared to the other two methods, tree search is at least 10--20 times slower but leads to negligible performance gains, which hinders its real-world applications. Code and data are available at https://github.com/OSU-NLP-Group/llm-planning-eval.
null
cs.CL
[ "cs.CL", "cs.AI", "cs.LG" ]
2406.09760
HF
Bootstrapping Language Models with DPO Implicit Rewards
[ "Changyu Chen", "Zichen Liu", "Chao Du", "Tianyu Pang", "Qian Liu", "Arunesh Sinha", "Pradeep Varakantham", "Min Lin" ]
2024-06-14
Human alignment in large language models (LLMs) is an active area of research. A recent groundbreaking work, direct preference optimization (DPO), has greatly simplified the process from past work in reinforcement learning from human feedback (RLHF) by bypassing the reward learning stage in RLHF. DPO, after training, provides an implicit reward model. In this work, we make a novel observation that this implicit reward model can by itself be used in a bootstrapping fashion to further align the LLM. Our approach is to use the rewards from a current LLM model to construct a preference dataset, which is then used in subsequent DPO rounds. We incorporate refinements that debias the length of the responses and improve the quality of the preference dataset to further improve our approach. Our approach, named self-alignment with DPO ImpliCit rEwards (DICE), shows great improvements in alignment and achieves superior performance than Gemini Pro on AlpacaEval 2, reaching 27.55% length-controlled win rate against GPT-4 Turbo, but with only 8B parameters and no external feedback. Our code is available at https://github.com/sail-sg/dice.
null
cs.CL
[ "cs.CL", "cs.LG" ]
1906.03351
AnswerAI
Real or Fake? Learning to Discriminate Machine from Human Generated Text
[ "Anton Bakhtin", "Sam Gross", "Myle Ott", "Yuntian Deng", "Marc'Aurelio Ranzato", "Arthur Szlam" ]
2019-06-07
Energy-based models (EBMs), a.k.a. un-normalized models, have had recent successes in continuous spaces. However, they have not been successfully applied to model text sequences. While decreasing the energy at training samples is straightforward, mining (negative) samples where the energy should be increased is difficult. In part, this is because standard gradient-based methods are not readily applicable when the input is high-dimensional and discrete. Here, we side-step this issue by generating negatives using pre-trained auto-regressive language models. The EBM then works in the residual of the language model; and is trained to discriminate real text from text generated by the auto-regressive models. We investigate the generalization ability of residual EBMs, a pre-requisite for using them in other applications. We extensively analyze generalization for the task of classifying whether an input is machine or human generated, a natural task given the training loss and how we mine negatives. Overall, we observe that EBMs can generalize remarkably well to changes in the architecture of the generators producing negatives. However, EBMs exhibit more sensitivity to the training set used by such generators.
null
cs.LG
[ "cs.LG", "cs.CL", "stat.ML" ]
2306.16564
Both
Pareto Optimal Learning for Estimating Large Language Model Errors
[ "Theodore Zhao", "Mu Wei", "J. Samuel Preston", "Hoifung Poon" ]
2023-06-28
Large Language Models (LLMs) have shown impressive abilities in many applications. When a concrete and precise answer is desired, it is important to have a quantitative estimation of the potential error rate. However, this can be challenging due to the text-in-text-out nature of generative models. We present a method based on Pareto optimization that generates a risk score to estimate the probability of error in an LLM response by integrating multiple sources of information. We prove theoretically that the error estimator optimized in our framework aligns with the LLM and the information sources in an Pareto optimal manner. Experimental results show that the risk scores estimated by our method are well correlated with the true LLM error rate, thus facilitating error correction. By dynamically combining with prompting strategies such as self-verification and information retrieval, we demonstrate the proposed method can be utilized to increase the performance of an LLM, surpassing state-of-the-art task specific models.
null
cs.CL
[ "cs.CL", "stat.ML" ]
2403.02084
HF
ResAdapter: Domain Consistent Resolution Adapter for Diffusion Models
[ "Jiaxiang Cheng", "Pan Xie", "Xin Xia", "Jiashi Li", "Jie Wu", "Yuxi Ren", "Huixia Li", "Xuefeng Xiao", "Min Zheng", "Lean Fu" ]
2024-03-04
Recent advancement in text-to-image models (e.g., Stable Diffusion) and corresponding personalized technologies (e.g., DreamBooth and LoRA) enables individuals to generate high-quality and imaginative images. However, they often suffer from limitations when generating images with resolutions outside of their trained domain. To overcome this limitation, we present the Resolution Adapter (ResAdapter), a domain-consistent adapter designed for diffusion models to generate images with unrestricted resolutions and aspect ratios. Unlike other multi-resolution generation methods that process images of static resolution with complex post-process operations, ResAdapter directly generates images with the dynamical resolution. Especially, after learning a deep understanding of pure resolution priors, ResAdapter trained on the general dataset, generates resolution-free images with personalized diffusion models while preserving their original style domain. Comprehensive experiments demonstrate that ResAdapter with only 0.5M can process images with flexible resolutions for arbitrary diffusion models. More extended experiments demonstrate that ResAdapter is compatible with other modules (e.g., ControlNet, IP-Adapter and LCM-LoRA) for image generation across a broad range of resolutions, and can be integrated into other multi-resolution model (e.g., ElasticDiffusion) for efficiently generating higher-resolution images. Project link is https://res-adapter.github.io
null
cs.CV
[ "cs.CV" ]
2408.15518
HF
Squid: Long Context as a New Modality for Energy-Efficient On-Device Language Models
[ "Wei Chen", "Zhiyuan Li", "Shuo Xin", "Yihao Wang" ]
2024-08-28
This paper presents Dolphin, a novel decoder-decoder architecture for energy-efficient processing of long contexts in language models. Our approach addresses the significant energy consumption and latency challenges inherent in on-device models. Dolphin employs a compact 0.5B parameter decoder to distill extensive contextual information into a memory embedding, substantially reducing the input length for the primary 7B parameter decoder model. Inspired by vision-language models, we repurpose the image embedding projector to encode long textual contexts, effectively treating extended context as a distinct modality. This innovative method enables processing of substantially longer contexts without the typical computational overhead associated with extended input sequences. Empirical evaluations demonstrate a 10-fold improvement in energy efficiency and a 5-fold reduction in latency compared to conventional full-length context processing methods without losing quality of the response. Our work contributes to the development of more sustainable and scalable language models for on-device applications, addressing the critical need for energy-efficient and responsive AI technologies in resource-constrained environments while maintaining the accuracy to understand long contexts. This research has implications for the broader field of natural language processing, particularly in the domain of efficient model design for resource-limited settings. By enabling more sophisticated AI capabilities on edge devices, Dolphin paves the way for advanced language processing in a wide range of applications where computational resources are at a premium. The Dolphin model is publicly available at https://huggingface.co/NexaAIDev/Dolphin.
null
cs.CL
[ "cs.CL" ]
2305.09253
HF
Online Continual Learning Without the Storage Constraint
[ "Ameya Prabhu", "Zhipeng Cai", "Puneet Dokania", "Philip Torr", "Vladlen Koltun", "Ozan Sener" ]
2023-05-16
Traditional online continual learning (OCL) research has primarily focused on mitigating catastrophic forgetting with fixed and limited storage allocation throughout an agent's lifetime. However, a broad range of real-world applications are primarily constrained by computational costs rather than storage limitations. In this paper, we target such applications, investigating the online continual learning problem under relaxed storage constraints and limited computational budgets. We contribute a simple algorithm, which updates a kNN classifier continually along with a fixed, pretrained feature extractor. We selected this algorithm due to its exceptional suitability for online continual learning. It can adapt to rapidly changing streams, has zero stability gap, operates within tiny computational budgets, has low storage requirements by only storing features, and has a consistency property: It never forgets previously seen data. These attributes yield significant improvements, allowing our proposed algorithm to outperform existing methods by over 20% in accuracy on two large-scale OCL datasets: Continual LOCalization (CLOC) with 39M images and 712 classes and Continual Google Landmarks V2 (CGLM) with 580K images and 10,788 classes, even when existing methods retain all previously seen images. Furthermore, we achieve this superior performance with considerably reduced computational and storage expenses. We provide code to reproduce our results at github.com/drimpossible/ACM.
null
cs.CV
[ "cs.CV", "cs.LG" ]
2306.09109
HF
NAVI: Category-Agnostic Image Collections with High-Quality 3D Shape and Pose Annotations
[ "Varun Jampani", "Kevis-Kokitsi Maninis", "Andreas Engelhardt", "Arjun Karpur", "Karen Truong", "Kyle Sargent", "Stefan Popov", "André Araujo", "Ricardo Martin-Brualla", "Kaushal Patel", "Daniel Vlasic", "Vittorio Ferrari", "Ameesh Makadia", "Ce Liu", "Yuanzhen Li", "Howard Zhou" ]
2023-06-15
Recent advances in neural reconstruction enable high-quality 3D object reconstruction from casually captured image collections. Current techniques mostly analyze their progress on relatively simple image collections where Structure-from-Motion (SfM) techniques can provide ground-truth (GT) camera poses. We note that SfM techniques tend to fail on in-the-wild image collections such as image search results with varying backgrounds and illuminations. To enable systematic research progress on 3D reconstruction from casual image captures, we propose NAVI: a new dataset of category-agnostic image collections of objects with high-quality 3D scans along with per-image 2D-3D alignments providing near-perfect GT camera parameters. These 2D-3D alignments allow us to extract accurate derivative annotations such as dense pixel correspondences, depth and segmentation maps. We demonstrate the use of NAVI image collections on different problem settings and show that NAVI enables more thorough evaluations that were not possible with existing datasets. We believe NAVI is beneficial for systematic research progress on 3D reconstruction and correspondence estimation. Project page: https://navidataset.github.io
null
cs.CV
[ "cs.CV" ]
2308.07037
AnswerAI
Bayesian Flow Networks
[ "Alex Graves", "Rupesh Kumar Srivastava", "Timothy Atkinson", "Faustino Gomez" ]
2023-08-14
This paper introduces Bayesian Flow Networks (BFNs), a new class of generative model in which the parameters of a set of independent distributions are modified with Bayesian inference in the light of noisy data samples, then passed as input to a neural network that outputs a second, interdependent distribution. Starting from a simple prior and iteratively updating the two distributions yields a generative procedure similar to the reverse process of diffusion models; however it is conceptually simpler in that no forward process is required. Discrete and continuous-time loss functions are derived for continuous, discretised and discrete data, along with sample generation procedures. Notably, the network inputs for discrete data lie on the probability simplex, and are therefore natively differentiable, paving the way for gradient-based sample guidance and few-step generation in discrete domains such as language modelling. The loss function directly optimises data compression and places no restrictions on the network architecture. In our experiments BFNs achieve competitive log-likelihoods for image modelling on dynamically binarized MNIST and CIFAR-10, and outperform all known discrete diffusion models on the text8 character-level language modelling task.
null
cs.LG
[ "cs.LG", "cs.AI" ]
2401.01647
HF
SIGNeRF: Scene Integrated Generation for Neural Radiance Fields
[ "Jan-Niklas Dihlmann", "Andreas Engelhardt", "Hendrik Lensch" ]
2024-01-03
Advances in image diffusion models have recently led to notable improvements in the generation of high-quality images. In combination with Neural Radiance Fields (NeRFs), they enabled new opportunities in 3D generation. However, most generative 3D approaches are object-centric and applying them to editing existing photorealistic scenes is not trivial. We propose SIGNeRF, a novel approach for fast and controllable NeRF scene editing and scene-integrated object generation. A new generative update strategy ensures 3D consistency across the edited images, without requiring iterative optimization. We find that depth-conditioned diffusion models inherently possess the capability to generate 3D consistent views by requesting a grid of images instead of single views. Based on these insights, we introduce a multi-view reference sheet of modified images. Our method updates an image collection consistently based on the reference sheet and refines the original NeRF with the newly generated image set in one go. By exploiting the depth conditioning mechanism of the image diffusion model, we gain fine control over the spatial location of the edit and enforce shape guidance by a selected region or an external mesh.
null
cs.CV
[ "cs.CV", "cs.GR" ]
2306.04387
HF
M$^3$IT: A Large-Scale Dataset towards Multi-Modal Multilingual Instruction Tuning
[ "Lei Li", "Yuwei Yin", "Shicheng Li", "Liang Chen", "Peiyi Wang", "Shuhuai Ren", "Mukai Li", "Yazheng Yang", "Jingjing Xu", "Xu Sun", "Lingpeng Kong", "Qi Liu" ]
2023-06-07
Instruction tuning has significantly advanced large language models (LLMs) such as ChatGPT, enabling them to align with human instructions across diverse tasks. However, progress in open vision-language models (VLMs) has been limited due to the scarcity of high-quality instruction datasets. To tackle this challenge and promote research in the vision-language field, we introduce the Multi-Modal, Multilingual Instruction Tuning (M$^3$IT) dataset, designed to optimize VLM alignment with human instructions. Our M$^3$IT dataset comprises 40 carefully curated datasets, including 2.4 million instances and 400 manually written task instructions, reformatted into a vision-to-text structure. Key tasks are translated into 80 languages with an advanced translation system, ensuring broader accessibility. M$^3$IT surpasses previous datasets regarding task coverage, instruction number and instance scale. Moreover, we develop Ying-VLM, a VLM model trained on our M$^3$IT dataset, showcasing its potential to answer complex questions requiring world knowledge, generalize to unseen video tasks, and comprehend unseen instructions in Chinese. We have open-sourced the dataset to encourage further research.
null
cs.CV
[ "cs.CV", "cs.CL" ]
2408.04619
HF
Transformer Explainer: Interactive Learning of Text-Generative Models
[ "Aeree Cho", "Grace C. Kim", "Alexander Karpekov", "Alec Helbling", "Zijie J. Wang", "Seongmin Lee", "Benjamin Hoover", "Duen Horng Chau" ]
2024-08-08
Transformers have revolutionized machine learning, yet their inner workings remain opaque to many. We present Transformer Explainer, an interactive visualization tool designed for non-experts to learn about Transformers through the GPT-2 model. Our tool helps users understand complex Transformer concepts by integrating a model overview and enabling smooth transitions across abstraction levels of mathematical operations and model structures. It runs a live GPT-2 instance locally in the user's browser, empowering users to experiment with their own input and observe in real-time how the internal components and parameters of the Transformer work together to predict the next tokens. Our tool requires no installation or special hardware, broadening the public's education access to modern generative AI techniques. Our open-sourced tool is available at https://poloclub.github.io/transformer-explainer/. A video demo is available at https://youtu.be/ECR4oAwocjs.
null
cs.LG
[ "cs.LG", "cs.AI", "cs.CL", "cs.HC" ]
2402.00159
HF
Dolma: an Open Corpus of Three Trillion Tokens for Language Model Pretraining Research
[ "Luca Soldaini", "Rodney Kinney", "Akshita Bhagia", "Dustin Schwenk", "David Atkinson", "Russell Authur", "Ben Bogin", "Khyathi Chandu", "Jennifer Dumas", "Yanai Elazar", "Valentin Hofmann", "Ananya Harsh Jha", "Sachin Kumar", "Li Lucy", "Xinxi Lyu", "Nathan Lambert", "Ian Magnusson", "Jacob Morrison", "Niklas Muennighoff", "Aakanksha Naik", "Crystal Nam", "Matthew E. Peters", "Abhilasha Ravichander", "Kyle Richardson", "Zejiang Shen", "Emma Strubell", "Nishant Subramani", "Oyvind Tafjord", "Pete Walsh", "Luke Zettlemoyer", "Noah A. Smith", "Hannaneh Hajishirzi", "Iz Beltagy", "Dirk Groeneveld", "Jesse Dodge", "Kyle Lo" ]
2024-01-31
Information about pretraining corpora used to train the current best-performing language models is seldom discussed: commercial models rarely detail their data, and even open models are often released without accompanying training data or recipes to reproduce them. As a result, it is challenging to conduct and advance scientific research on language modeling, such as understanding how training data impacts model capabilities and limitations. To facilitate scientific research on language model pretraining, we curate and release Dolma, a three-trillion-token English corpus, built from a diverse mixture of web content, scientific papers, code, public-domain books, social media, and encyclopedic materials. We extensively document Dolma, including its design principles, details about its construction, and a summary of its contents. We present analyses and experimental results on intermediate states of Dolma to share what we have learned about important data curation practices. Finally, we open-source our data curation toolkit to enable reproduction of our work as well as support further research in large-scale data curation.
null
cs.CL
[ "cs.CL" ]
2309.10818
HF
SlimPajama-DC: Understanding Data Combinations for LLM Training
[ "Zhiqiang Shen", "Tianhua Tao", "Liqun Ma", "Willie Neiswanger", "Zhengzhong Liu", "Hongyi Wang", "Bowen Tan", "Joel Hestness", "Natalia Vassilieva", "Daria Soboleva", "Eric Xing" ]
2023-09-19
This paper aims to understand the impacts of various data combinations (e.g., web text, Wikipedia, GitHub, books) on the pretraining of large language models using SlimPajama. SlimPajama is a rigorously deduplicated, multi-source dataset, which has been refined and further deduplicated to 627B tokens from the extensive 1.2T token RedPajama dataset contributed by Together. We have termed our research as SlimPajama-DC, an empirical analysis designed to uncover fundamental characteristics and best practices associated with employing SlimPajama in the training of large language models. During our research with SlimPajama, two pivotal observations emerged: (1) Global deduplication vs. local deduplication. We analyze and discuss how global (across different sources of datasets) and local (within the single source of dataset) deduplications affect the performance of trained models. (2) Proportions of highly-deduplicated multi-source datasets in the combination. To study this, we construct six configurations on SlimPajama dataset and train individual ones using 1.3B Cerebras-GPT model with Alibi and SwiGLU. Our best configuration outperforms the 1.3B model trained on RedPajama using the same number of training tokens by a significant margin. All our 1.3B models are trained on Cerebras 16$\times$ CS-2 cluster with a total of 80 PFLOP/s in bf16 mixed precision. We further extend our discoveries (such as increasing data diversity is crucial after global deduplication) on a 7B model with large batch-size training. Our SlimPajama-DC models are available at: https://huggingface.co/MBZUAI-LLM/SlimPajama-DC and the separate SlimPajama-DC datasets are available at: https://huggingface.co/datasets/MBZUAI-LLM/SlimPajama-627B-DC.
null
cs.CL
[ "cs.CL", "cs.AI" ]