arxiv_id
stringlengths 9
10
| label
stringclasses 3
values | title
stringlengths 8
155
| authors
sequencelengths 1
1.35k
| published
stringclasses 845
values | abstract
stringlengths 343
1.92k
| doi
stringclasses 81
values | primary_category
stringclasses 45
values | categories
sequencelengths 1
7
|
---|---|---|---|---|---|---|---|---|
2406.16815 | HF | ClotheDreamer: Text-Guided Garment Generation with 3D Gaussians | [
"Yufei Liu",
"Junshu Tang",
"Chu Zheng",
"Shijie Zhang",
"Jinkun Hao",
"Junwei Zhu",
"Dongjin Huang"
] | 2024-06-24 | High-fidelity 3D garment synthesis from text is desirable yet challenging for
digital avatar creation. Recent diffusion-based approaches via Score
Distillation Sampling (SDS) have enabled new possibilities but either
intricately couple with human body or struggle to reuse. We introduce
ClotheDreamer, a 3D Gaussian-based method for generating wearable,
production-ready 3D garment assets from text prompts. We propose a novel
representation Disentangled Clothe Gaussian Splatting (DCGS) to enable separate
optimization. DCGS represents clothed avatar as one Gaussian model but freezes
body Gaussian splats. To enhance quality and completeness, we incorporate
bidirectional SDS to supervise clothed avatar and garment RGBD renderings
respectively with pose conditions and propose a new pruning strategy for loose
clothing. Our approach can also support custom clothing templates as input.
Benefiting from our design, the synthetic 3D garment can be easily applied to
virtual try-on and support physically accurate animation. Extensive experiments
showcase our method's superior and competitive performance. Our project page is
at https://ggxxii.github.io/clothedreamer. | null | cs.CV | [
"cs.CV"
] |
2211.08411 | AnswerAI | Large Language Models Struggle to Learn Long-Tail Knowledge | [
"Nikhil Kandpal",
"Haikang Deng",
"Adam Roberts",
"Eric Wallace",
"Colin Raffel"
] | 2022-11-15 | The Internet contains a wealth of knowledge -- from the birthdays of
historical figures to tutorials on how to code -- all of which may be learned
by language models. However, while certain pieces of information are ubiquitous
on the web, others appear extremely rarely. In this paper, we study the
relationship between the knowledge memorized by large language models and the
information in pre-training datasets scraped from the web. In particular, we
show that a language model's ability to answer a fact-based question relates to
how many documents associated with that question were seen during pre-training.
We identify these relevant documents by entity linking pre-training datasets
and counting documents that contain the same entities as a given
question-answer pair. Our results demonstrate strong correlational and causal
relationships between accuracy and relevant document count for numerous
question answering datasets (e.g., TriviaQA), pre-training corpora (e.g.,
ROOTS), and model sizes (e.g., 176B parameters). Moreover, while larger models
are better at learning long-tail knowledge, we estimate that today's models
must be scaled by many orders of magnitude to reach competitive QA performance
on questions with little support in the pre-training data. Finally, we show
that retrieval-augmentation can reduce the dependence on relevant pre-training
information, presenting a promising approach for capturing the long-tail. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2307.13702 | Both | Measuring Faithfulness in Chain-of-Thought Reasoning | [
"Tamera Lanham",
"Anna Chen",
"Ansh Radhakrishnan",
"Benoit Steiner",
"Carson Denison",
"Danny Hernandez",
"Dustin Li",
"Esin Durmus",
"Evan Hubinger",
"Jackson Kernion",
"Kamilė Lukošiūtė",
"Karina Nguyen",
"Newton Cheng",
"Nicholas Joseph",
"Nicholas Schiefer",
"Oliver Rausch",
"Robin Larson",
"Sam McCandlish",
"Sandipan Kundu",
"Saurav Kadavath",
"Shannon Yang",
"Thomas Henighan",
"Timothy Maxwell",
"Timothy Telleen-Lawton",
"Tristan Hume",
"Zac Hatfield-Dodds",
"Jared Kaplan",
"Jan Brauner",
"Samuel R. Bowman",
"Ethan Perez"
] | 2023-07-17 | Large language models (LLMs) perform better when they produce step-by-step,
"Chain-of-Thought" (CoT) reasoning before answering a question, but it is
unclear if the stated reasoning is a faithful explanation of the model's actual
reasoning (i.e., its process for answering the question). We investigate
hypotheses for how CoT reasoning may be unfaithful, by examining how the model
predictions change when we intervene on the CoT (e.g., by adding mistakes or
paraphrasing it). Models show large variation across tasks in how strongly they
condition on the CoT when predicting their answer, sometimes relying heavily on
the CoT and other times primarily ignoring it. CoT's performance boost does not
seem to come from CoT's added test-time compute alone or from information
encoded via the particular phrasing of the CoT. As models become larger and
more capable, they produce less faithful reasoning on most tasks we study.
Overall, our results suggest that CoT can be faithful if the circumstances such
as the model size and task are carefully chosen. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2311.13600 | HF | ZipLoRA: Any Subject in Any Style by Effectively Merging LoRAs | [
"Viraj Shah",
"Nataniel Ruiz",
"Forrester Cole",
"Erika Lu",
"Svetlana Lazebnik",
"Yuanzhen Li",
"Varun Jampani"
] | 2023-11-22 | Methods for finetuning generative models for concept-driven personalization
generally achieve strong results for subject-driven or style-driven generation.
Recently, low-rank adaptations (LoRA) have been proposed as a
parameter-efficient way of achieving concept-driven personalization. While
recent work explores the combination of separate LoRAs to achieve joint
generation of learned styles and subjects, existing techniques do not reliably
address the problem; they often compromise either subject fidelity or style
fidelity. We propose ZipLoRA, a method to cheaply and effectively merge
independently trained style and subject LoRAs in order to achieve generation of
any user-provided subject in any user-provided style. Experiments on a wide
range of subject and style combinations show that ZipLoRA can generate
compelling results with meaningful improvements over baselines in subject and
style fidelity while preserving the ability to recontextualize. Project page:
https://ziplora.github.io | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.LG"
] |
2405.00263 | HF | Clover: Regressive Lightweight Speculative Decoding with Sequential Knowledge | [
"Bin Xiao",
"Chunan Shi",
"Xiaonan Nie",
"Fan Yang",
"Xiangwei Deng",
"Lei Su",
"Weipeng Chen",
"Bin Cui"
] | 2024-05-01 | Large language models (LLMs) suffer from low efficiency as the mismatch
between the requirement of auto-regressive decoding and the design of most
contemporary GPUs. Specifically, billions to trillions of parameters must be
loaded to the GPU cache through its limited memory bandwidth for computation,
but only a small batch of tokens is actually computed. Consequently, the GPU
spends most of its time on memory transfer instead of computation. Recently,
parallel decoding, a type of speculative decoding algorithms, is becoming more
popular and has demonstrated impressive efficiency improvement in generation.
It introduces extra decoding heads to large models, enabling them to predict
multiple subsequent tokens simultaneously and verify these candidate
continuations in a single decoding step. However, this approach deviates from
the training objective of next token prediction used during pre-training,
resulting in a low hit rate for candidate tokens. In this paper, we propose a
new speculative decoding algorithm, Clover, which integrates sequential
knowledge into the parallel decoding process. This enhancement improves the hit
rate of speculators and thus boosts the overall efficiency. Clover transmits
the sequential knowledge from pre-speculated tokens via the Regressive
Connection, then employs an Attention Decoder to integrate these speculated
tokens. Additionally, Clover incorporates an Augmenting Block that modifies the
hidden states to better align with the purpose of speculative generation rather
than next token prediction. The experiment results demonstrate that Clover
outperforms the baseline by up to 91% on Baichuan-Small and 146% on
Baichuan-Large, respectively, and exceeds the performance of the previously
top-performing method, Medusa, by up to 37% on Baichuan-Small and 57% on
Baichuan-Large, respectively. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2406.07230 | HF | Needle In A Multimodal Haystack | [
"Weiyun Wang",
"Shuibo Zhang",
"Yiming Ren",
"Yuchen Duan",
"Tiantong Li",
"Shuo Liu",
"Mengkang Hu",
"Zhe Chen",
"Kaipeng Zhang",
"Lewei Lu",
"Xizhou Zhu",
"Ping Luo",
"Yu Qiao",
"Jifeng Dai",
"Wenqi Shao",
"Wenhai Wang"
] | 2024-06-11 | With the rapid advancement of multimodal large language models (MLLMs), their
evaluation has become increasingly comprehensive. However, understanding long
multimodal content, as a foundational ability for real-world applications,
remains underexplored. In this work, we present Needle In A Multimodal Haystack
(MM-NIAH), the first benchmark specifically designed to systematically evaluate
the capability of existing MLLMs to comprehend long multimodal documents. Our
benchmark includes three types of evaluation tasks: multimodal retrieval,
counting, and reasoning. In each task, the model is required to answer the
questions according to different key information scattered throughout the given
multimodal document. Evaluating the leading MLLMs on MM-NIAH, we observe that
existing models still have significant room for improvement on these tasks,
especially on vision-centric evaluation. We hope this work can provide a
platform for further research on long multimodal document comprehension and
contribute to the advancement of MLLMs. Code and benchmark are released at
https://github.com/OpenGVLab/MM-NIAH. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2308.13418 | Both | Nougat: Neural Optical Understanding for Academic Documents | [
"Lukas Blecher",
"Guillem Cucurull",
"Thomas Scialom",
"Robert Stojnic"
] | 2023-08-25 | Scientific knowledge is predominantly stored in books and scientific
journals, often in the form of PDFs. However, the PDF format leads to a loss of
semantic information, particularly for mathematical expressions. We propose
Nougat (Neural Optical Understanding for Academic Documents), a Visual
Transformer model that performs an Optical Character Recognition (OCR) task for
processing scientific documents into a markup language, and demonstrate the
effectiveness of our model on a new dataset of scientific documents. The
proposed approach offers a promising solution to enhance the accessibility of
scientific knowledge in the digital age, by bridging the gap between
human-readable documents and machine-readable text. We release the models and
code to accelerate future work on scientific text recognition. | null | cs.LG | [
"cs.LG",
"cs.CV"
] |
2403.11481 | HF | VideoAgent: A Memory-augmented Multimodal Agent for Video Understanding | [
"Yue Fan",
"Xiaojian Ma",
"Rujie Wu",
"Yuntao Du",
"Jiaqi Li",
"Zhi Gao",
"Qing Li"
] | 2024-03-18 | We explore how reconciling several foundation models (large language models
and vision-language models) with a novel unified memory mechanism could tackle
the challenging video understanding problem, especially capturing the long-term
temporal relations in lengthy videos. In particular, the proposed multimodal
agent VideoAgent: 1) constructs a structured memory to store both the generic
temporal event descriptions and object-centric tracking states of the video; 2)
given an input task query, it employs tools including video segment
localization and object memory querying along with other visual foundation
models to interactively solve the task, utilizing the zero-shot tool-use
ability of LLMs. VideoAgent demonstrates impressive performances on several
long-horizon video understanding benchmarks, an average increase of 6.6% on
NExT-QA and 26.0% on EgoSchema over baselines, closing the gap between
open-sourced models and private counterparts including Gemini 1.5 Pro. | null | cs.CV | [
"cs.CV"
] |
2308.14089 | HF | MedAlign: A Clinician-Generated Dataset for Instruction Following with Electronic Medical Records | [
"Scott L. Fleming",
"Alejandro Lozano",
"William J. Haberkorn",
"Jenelle A. Jindal",
"Eduardo P. Reis",
"Rahul Thapa",
"Louis Blankemeier",
"Julian Z. Genkins",
"Ethan Steinberg",
"Ashwin Nayak",
"Birju S. Patel",
"Chia-Chun Chiang",
"Alison Callahan",
"Zepeng Huo",
"Sergios Gatidis",
"Scott J. Adams",
"Oluseyi Fayanju",
"Shreya J. Shah",
"Thomas Savage",
"Ethan Goh",
"Akshay S. Chaudhari",
"Nima Aghaeepour",
"Christopher Sharp",
"Michael A. Pfeffer",
"Percy Liang",
"Jonathan H. Chen",
"Keith E. Morse",
"Emma P. Brunskill",
"Jason A. Fries",
"Nigam H. Shah"
] | 2023-08-27 | The ability of large language models (LLMs) to follow natural language
instructions with human-level fluency suggests many opportunities in healthcare
to reduce administrative burden and improve quality of care. However,
evaluating LLMs on realistic text generation tasks for healthcare remains
challenging. Existing question answering datasets for electronic health record
(EHR) data fail to capture the complexity of information needs and
documentation burdens experienced by clinicians. To address these challenges,
we introduce MedAlign, a benchmark dataset of 983 natural language instructions
for EHR data. MedAlign is curated by 15 clinicians (7 specialities), includes
clinician-written reference responses for 303 instructions, and provides 276
longitudinal EHRs for grounding instruction-response pairs. We used MedAlign to
evaluate 6 general domain LLMs, having clinicians rank the accuracy and quality
of each LLM response. We found high error rates, ranging from 35% (GPT-4) to
68% (MPT-7B-Instruct), and an 8.3% drop in accuracy moving from 32k to 2k
context lengths for GPT-4. Finally, we report correlations between clinician
rankings and automated natural language generation metrics as a way to rank
LLMs without human review. We make MedAlign available under a research data use
agreement to enable LLM evaluations on tasks aligned with clinician needs and
preferences. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2406.16377 | HF | On the Transformations across Reward Model, Parameter Update, and In-Context Prompt | [
"Deng Cai",
"Huayang Li",
"Tingchen Fu",
"Siheng Li",
"Weiwen Xu",
"Shuaiyi Li",
"Bowen Cao",
"Zhisong Zhang",
"Xinting Huang",
"Leyang Cui",
"Yan Wang",
"Lemao Liu",
"Taro Watanabe",
"Shuming Shi"
] | 2024-06-24 | Despite the general capabilities of pre-trained large language models (LLMs),
they still need further adaptation to better serve practical applications. In
this paper, we demonstrate the interchangeability of three popular and distinct
adaptation tools: parameter updating, reward modeling, and in-context
prompting. This interchangeability establishes a triangular framework with six
transformation directions, each of which facilitates a variety of applications.
Our work offers a holistic view that unifies numerous existing studies and
suggests potential research directions. We envision our work as a useful
roadmap for future research on LLMs. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2404.13050 | HF | FlowMind: Automatic Workflow Generation with LLMs | [
"Zhen Zeng",
"William Watson",
"Nicole Cho",
"Saba Rahimi",
"Shayleen Reynolds",
"Tucker Balch",
"Manuela Veloso"
] | 2024-03-17 | The rapidly evolving field of Robotic Process Automation (RPA) has made
significant strides in automating repetitive processes, yet its effectiveness
diminishes in scenarios requiring spontaneous or unpredictable tasks demanded
by users. This paper introduces a novel approach, FlowMind, leveraging the
capabilities of Large Language Models (LLMs) such as Generative Pretrained
Transformer (GPT), to address this limitation and create an automatic workflow
generation system. In FlowMind, we propose a generic prompt recipe for a
lecture that helps ground LLM reasoning with reliable Application Programming
Interfaces (APIs). With this, FlowMind not only mitigates the common issue of
hallucinations in LLMs, but also eliminates direct interaction between LLMs and
proprietary data or code, thus ensuring the integrity and confidentiality of
information - a cornerstone in financial services. FlowMind further simplifies
user interaction by presenting high-level descriptions of auto-generated
workflows, enabling users to inspect and provide feedback effectively. We also
introduce NCEN-QA, a new dataset in finance for benchmarking question-answering
tasks from N-CEN reports on funds. We used NCEN-QA to evaluate the performance
of workflows generated by FlowMind against baseline and ablation variants of
FlowMind. We demonstrate the success of FlowMind, the importance of each
component in the proposed lecture recipe, and the effectiveness of user
interaction and feedback in FlowMind. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2405.14598 | HF | Visual Echoes: A Simple Unified Transformer for Audio-Visual Generation | [
"Shiqi Yang",
"Zhi Zhong",
"Mengjie Zhao",
"Shusuke Takahashi",
"Masato Ishii",
"Takashi Shibuya",
"Yuki Mitsufuji"
] | 2024-05-23 | In recent years, with the realistic generation results and a wide range of
personalized applications, diffusion-based generative models gain huge
attention in both visual and audio generation areas. Compared to the
considerable advancements of text2image or text2audio generation, research in
audio2visual or visual2audio generation has been relatively slow. The recent
audio-visual generation methods usually resort to huge large language model or
composable diffusion models. Instead of designing another giant model for
audio-visual generation, in this paper we take a step back showing a simple and
lightweight generative transformer, which is not fully investigated in
multi-modal generation, can achieve excellent results on image2audio
generation. The transformer operates in the discrete audio and visual
Vector-Quantized GAN space, and is trained in the mask denoising manner. After
training, the classifier-free guidance could be deployed off-the-shelf
achieving better performance, without any extra training or modification. Since
the transformer model is modality symmetrical, it could also be directly
deployed for audio2image generation and co-generation. In the experiments, we
show that our simple method surpasses recent image2audio generation methods.
Generated audio samples can be found at
https://docs.google.com/presentation/d/1ZtC0SeblKkut4XJcRaDsSTuCRIXB3ypxmSi7HTY3IyQ/ | null | cs.CV | [
"cs.CV",
"cs.LG",
"cs.MM",
"cs.SD",
"eess.AS"
] |
2312.16272 | HF | SSR-Encoder: Encoding Selective Subject Representation for Subject-Driven Generation | [
"Yuxuan Zhang",
"Yiren Song",
"Jiaming Liu",
"Rui Wang",
"Jinpeng Yu",
"Hao Tang",
"Huaxia Li",
"Xu Tang",
"Yao Hu",
"Han Pan",
"Zhongliang Jing"
] | 2023-12-26 | Recent advancements in subject-driven image generation have led to zero-shot
generation, yet precise selection and focus on crucial subject representations
remain challenging. Addressing this, we introduce the SSR-Encoder, a novel
architecture designed for selectively capturing any subject from single or
multiple reference images. It responds to various query modalities including
text and masks, without necessitating test-time fine-tuning. The SSR-Encoder
combines a Token-to-Patch Aligner that aligns query inputs with image patches
and a Detail-Preserving Subject Encoder for extracting and preserving fine
features of the subjects, thereby generating subject embeddings. These
embeddings, used in conjunction with original text embeddings, condition the
generation process. Characterized by its model generalizability and efficiency,
the SSR-Encoder adapts to a range of custom models and control modules.
Enhanced by the Embedding Consistency Regularization Loss for improved
training, our extensive experiments demonstrate its effectiveness in versatile
and high-quality image generation, indicating its broad applicability. Project
page: https://ssr-encoder.github.io | null | cs.CV | [
"cs.CV"
] |
2212.08073 | AnswerAI | Constitutional AI: Harmlessness from AI Feedback | [
"Yuntao Bai",
"Saurav Kadavath",
"Sandipan Kundu",
"Amanda Askell",
"Jackson Kernion",
"Andy Jones",
"Anna Chen",
"Anna Goldie",
"Azalia Mirhoseini",
"Cameron McKinnon",
"Carol Chen",
"Catherine Olsson",
"Christopher Olah",
"Danny Hernandez",
"Dawn Drain",
"Deep Ganguli",
"Dustin Li",
"Eli Tran-Johnson",
"Ethan Perez",
"Jamie Kerr",
"Jared Mueller",
"Jeffrey Ladish",
"Joshua Landau",
"Kamal Ndousse",
"Kamile Lukosuite",
"Liane Lovitt",
"Michael Sellitto",
"Nelson Elhage",
"Nicholas Schiefer",
"Noemi Mercado",
"Nova DasSarma",
"Robert Lasenby",
"Robin Larson",
"Sam Ringer",
"Scott Johnston",
"Shauna Kravec",
"Sheer El Showk",
"Stanislav Fort",
"Tamera Lanham",
"Timothy Telleen-Lawton",
"Tom Conerly",
"Tom Henighan",
"Tristan Hume",
"Samuel R. Bowman",
"Zac Hatfield-Dodds",
"Ben Mann",
"Dario Amodei",
"Nicholas Joseph",
"Sam McCandlish",
"Tom Brown",
"Jared Kaplan"
] | 2022-12-15 | As AI systems become more capable, we would like to enlist their help to
supervise other AIs. We experiment with methods for training a harmless AI
assistant through self-improvement, without any human labels identifying
harmful outputs. The only human oversight is provided through a list of rules
or principles, and so we refer to the method as 'Constitutional AI'. The
process involves both a supervised learning and a reinforcement learning phase.
In the supervised phase we sample from an initial model, then generate
self-critiques and revisions, and then finetune the original model on revised
responses. In the RL phase, we sample from the finetuned model, use a model to
evaluate which of the two samples is better, and then train a preference model
from this dataset of AI preferences. We then train with RL using the preference
model as the reward signal, i.e. we use 'RL from AI Feedback' (RLAIF). As a
result we are able to train a harmless but non-evasive AI assistant that
engages with harmful queries by explaining its objections to them. Both the SL
and RL methods can leverage chain-of-thought style reasoning to improve the
human-judged performance and transparency of AI decision making. These methods
make it possible to control AI behavior more precisely and with far fewer human
labels. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2307.06135 | HF | SayPlan: Grounding Large Language Models using 3D Scene Graphs for Scalable Robot Task Planning | [
"Krishan Rana",
"Jesse Haviland",
"Sourav Garg",
"Jad Abou-Chakra",
"Ian Reid",
"Niko Suenderhauf"
] | 2023-07-12 | Large language models (LLMs) have demonstrated impressive results in
developing generalist planning agents for diverse tasks. However, grounding
these plans in expansive, multi-floor, and multi-room environments presents a
significant challenge for robotics. We introduce SayPlan, a scalable approach
to LLM-based, large-scale task planning for robotics using 3D scene graph
(3DSG) representations. To ensure the scalability of our approach, we: (1)
exploit the hierarchical nature of 3DSGs to allow LLMs to conduct a 'semantic
search' for task-relevant subgraphs from a smaller, collapsed representation of
the full graph; (2) reduce the planning horizon for the LLM by integrating a
classical path planner and (3) introduce an 'iterative replanning' pipeline
that refines the initial plan using feedback from a scene graph simulator,
correcting infeasible actions and avoiding planning failures. We evaluate our
approach on two large-scale environments spanning up to 3 floors and 36 rooms
with 140 assets and objects and show that our approach is capable of grounding
large-scale, long-horizon task plans from abstract, and natural language
instruction for a mobile manipulator robot to execute. We provide real robot
video demonstrations on our project page https://sayplan.github.io. | null | cs.RO | [
"cs.RO",
"cs.AI"
] |
2406.11927 | HF | On the Impacts of Contexts on Repository-Level Code Generation | [
"Nam Le Hai",
"Dung Manh Nguyen",
"Nghi D. Q. Bui"
] | 2024-06-17 | CodeLLMs have gained widespread adoption for code generation tasks, yet their
capacity to handle repository-level code generation with complex contextual
dependencies remains underexplored. Our work underscores the critical
importance of leveraging repository-level contexts to generate executable and
functionally correct code. We present \textbf{\methodnamews}, a novel benchmark
designed to evaluate repository-level code generation, with a focus on three
key aspects: executability, functional correctness through comprehensive test
case generation, and accurate utilization of cross-file contexts. Our study
examines a controlled scenario where developers specify essential code
dependencies (contexts), challenging models to integrate them effectively.
Additionally, we introduce an instruction-tuned dataset that enhances CodeLLMs'
ability to leverage dependencies, along with a new metric, \textit{Dependency
Invocation Rate (DIR)}, to quantify context utilization. Experimental results
reveal that while pretrained LLMs demonstrate superior performance in terms of
correctness, instruction-tuned models excel in context utilization and
debugging capabilities. \methodnamews offers a comprehensive evaluation
framework for assessing code functionality and alignment with developer intent,
thereby advancing the development of more reliable CodeLLMs for real-world
applications. The dataset and source code are available
at~\url{https://github.com/FSoft-AI4Code/RepoExec}. | null | cs.SE | [
"cs.SE",
"cs.AI"
] |
2407.11385 | HF | Grasping Diverse Objects with Simulated Humanoids | [
"Zhengyi Luo",
"Jinkun Cao",
"Sammy Christen",
"Alexander Winkler",
"Kris Kitani",
"Weipeng Xu"
] | 2024-07-16 | We present a method for controlling a simulated humanoid to grasp an object
and move it to follow an object trajectory. Due to the challenges in
controlling a humanoid with dexterous hands, prior methods often use a
disembodied hand and only consider vertical lifts or short trajectories. This
limited scope hampers their applicability for object manipulation required for
animation and simulation. To close this gap, we learn a controller that can
pick up a large number (>1200) of objects and carry them to follow randomly
generated trajectories. Our key insight is to leverage a humanoid motion
representation that provides human-like motor skills and significantly speeds
up training. Using only simplistic reward, state, and object representations,
our method shows favorable scalability on diverse object and trajectories. For
training, we do not need dataset of paired full-body motion and object
trajectories. At test time, we only require the object mesh and desired
trajectories for grasping and transporting. To demonstrate the capabilities of
our method, we show state-of-the-art success rates in following object
trajectories and generalizing to unseen objects. Code and models will be
released. | null | cs.RO | [
"cs.RO",
"cs.GR"
] |
2303.09556 | AnswerAI | Efficient Diffusion Training via Min-SNR Weighting Strategy | [
"Tiankai Hang",
"Shuyang Gu",
"Chen Li",
"Jianmin Bao",
"Dong Chen",
"Han Hu",
"Xin Geng",
"Baining Guo"
] | 2023-03-16 | Denoising diffusion models have been a mainstream approach for image
generation, however, training these models often suffers from slow convergence.
In this paper, we discovered that the slow convergence is partly due to
conflicting optimization directions between timesteps. To address this issue,
we treat the diffusion training as a multi-task learning problem, and introduce
a simple yet effective approach referred to as Min-SNR-$\gamma$. This method
adapts loss weights of timesteps based on clamped signal-to-noise ratios, which
effectively balances the conflicts among timesteps. Our results demonstrate a
significant improvement in converging speed, 3.4$\times$ faster than previous
weighting strategies. It is also more effective, achieving a new record FID
score of 2.06 on the ImageNet $256\times256$ benchmark using smaller
architectures than that employed in previous state-of-the-art. The code is
available at https://github.com/TiankaiHang/Min-SNR-Diffusion-Training. | null | cs.CV | [
"cs.CV"
] |
2306.15666 | AnswerAI | Testing of Detection Tools for AI-Generated Text | [
"Debora Weber-Wulff",
"Alla Anohina-Naumeca",
"Sonja Bjelobaba",
"Tomáš Foltýnek",
"Jean Guerrero-Dib",
"Olumide Popoola",
"Petr Šigut",
"Lorna Waddington"
] | 2023-06-21 | Recent advances in generative pre-trained transformer large language models
have emphasised the potential risks of unfair use of artificial intelligence
(AI) generated content in an academic environment and intensified efforts in
searching for solutions to detect such content. The paper examines the general
functionality of detection tools for artificial intelligence generated text and
evaluates them based on accuracy and error type analysis. Specifically, the
study seeks to answer research questions about whether existing detection tools
can reliably differentiate between human-written text and ChatGPT-generated
text, and whether machine translation and content obfuscation techniques affect
the detection of AI-generated text. The research covers 12 publicly available
tools and two commercial systems (Turnitin and PlagiarismCheck) that are widely
used in the academic setting. The researchers conclude that the available
detection tools are neither accurate nor reliable and have a main bias towards
classifying the output as human-written rather than detecting AI-generated
text. Furthermore, content obfuscation techniques significantly worsen the
performance of tools. The study makes several significant contributions. First,
it summarises up-to-date similar scientific and non-scientific efforts in the
field. Second, it presents the result of one of the most comprehensive tests
conducted so far, based on a rigorous research methodology, an original
document set, and a broad coverage of tools. Third, it discusses the
implications and drawbacks of using detection tools for AI-generated text in
academic settings. | 10.1007/s40979-023-00146-z | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CY",
"I.2.7; I.2.m"
] |
2305.14739 | AnswerAI | Trusting Your Evidence: Hallucinate Less with Context-aware Decoding | [
"Weijia Shi",
"Xiaochuang Han",
"Mike Lewis",
"Yulia Tsvetkov",
"Luke Zettlemoyer",
"Scott Wen-tau Yih"
] | 2023-05-24 | Language models (LMs) often struggle to pay enough attention to the input
context, and generate texts that are unfaithful or contain hallucinations. To
mitigate this issue, we present context-aware decoding (CAD), which follows a
contrastive output distribution that amplifies the difference between the
output probabilities when a model is used with and without context. Our
experiments show that CAD, without additional training, significantly improves
the faithfulness of different LM families, including OPT, GPT, LLaMA and
FLAN-T5 for summarization tasks (e.g., 14.3% gain for LLaMA in factuality
metrics). Furthermore, CAD is particularly effective in overriding a model's
prior knowledge when it contradicts the provided context, leading to
substantial improvements in tasks where resolving the knowledge conflict is
essential. | null | cs.CL | [
"cs.CL"
] |
2401.11067 | HF | Make-A-Shape: a Ten-Million-scale 3D Shape Model | [
"Ka-Hei Hui",
"Aditya Sanghi",
"Arianna Rampini",
"Kamal Rahimi Malekshan",
"Zhengzhe Liu",
"Hooman Shayani",
"Chi-Wing Fu"
] | 2024-01-20 | Significant progress has been made in training large generative models for
natural language and images. Yet, the advancement of 3D generative models is
hindered by their substantial resource demands for training, along with
inefficient, non-compact, and less expressive representations. This paper
introduces Make-A-Shape, a new 3D generative model designed for efficient
training on a vast scale, capable of utilizing 10 millions publicly-available
shapes. Technical-wise, we first innovate a wavelet-tree representation to
compactly encode shapes by formulating the subband coefficient filtering scheme
to efficiently exploit coefficient relations. We then make the representation
generatable by a diffusion model by devising the subband coefficients packing
scheme to layout the representation in a low-resolution grid. Further, we
derive the subband adaptive training strategy to train our model to effectively
learn to generate coarse and detail wavelet coefficients. Last, we extend our
framework to be controlled by additional input conditions to enable it to
generate shapes from assorted modalities, e.g., single/multi-view images, point
clouds, and low-resolution voxels. In our extensive set of experiments, we
demonstrate various applications, such as unconditional generation, shape
completion, and conditional generation on a wide range of modalities. Our
approach not only surpasses the state of the art in delivering high-quality
results but also efficiently generates shapes within a few seconds, often
achieving this in just 2 seconds for most conditions. Our source code is
available at https://github.com/AutodeskAILab/Make-a-Shape. | null | cs.CV | [
"cs.CV",
"cs.GR"
] |
2305.09758 | HF | A Video Is Worth 4096 Tokens: Verbalize Videos To Understand Them In Zero Shot | [
"Aanisha Bhattacharya",
"Yaman K Singla",
"Balaji Krishnamurthy",
"Rajiv Ratn Shah",
"Changyou Chen"
] | 2023-05-16 | Multimedia content, such as advertisements and story videos, exhibit a rich
blend of creativity and multiple modalities. They incorporate elements like
text, visuals, audio, and storytelling techniques, employing devices like
emotions, symbolism, and slogans to convey meaning. There is a dearth of large
annotated training datasets in the multimedia domain hindering the development
of supervised learning models with satisfactory performance for real-world
applications. On the other hand, the rise of large language models (LLMs) has
witnessed remarkable zero-shot performance in various natural language
processing (NLP) tasks, such as emotion classification, question-answering, and
topic classification. To leverage such advanced techniques to bridge this
performance gap in multimedia understanding, we propose verbalizing long videos
to generate their descriptions in natural language, followed by performing
video-understanding tasks on the generated story as opposed to the original
video. Through extensive experiments on fifteen video-understanding tasks, we
demonstrate that our method, despite being zero-shot, achieves significantly
better results than supervised baselines for video understanding. Furthermore,
to alleviate a lack of story understanding benchmarks, we publicly release the
first dataset on a crucial task in computational social science on persuasion
strategy identification. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2312.06585 | HF | Beyond Human Data: Scaling Self-Training for Problem-Solving with Language Models | [
"Avi Singh",
"John D. Co-Reyes",
"Rishabh Agarwal",
"Ankesh Anand",
"Piyush Patil",
"Xavier Garcia",
"Peter J. Liu",
"James Harrison",
"Jaehoon Lee",
"Kelvin Xu",
"Aaron Parisi",
"Abhishek Kumar",
"Alex Alemi",
"Alex Rizkowsky",
"Azade Nova",
"Ben Adlam",
"Bernd Bohnet",
"Gamaleldin Elsayed",
"Hanie Sedghi",
"Igor Mordatch",
"Isabelle Simpson",
"Izzeddin Gur",
"Jasper Snoek",
"Jeffrey Pennington",
"Jiri Hron",
"Kathleen Kenealy",
"Kevin Swersky",
"Kshiteej Mahajan",
"Laura Culp",
"Lechao Xiao",
"Maxwell L. Bileschi",
"Noah Constant",
"Roman Novak",
"Rosanne Liu",
"Tris Warkentin",
"Yundi Qian",
"Yamini Bansal",
"Ethan Dyer",
"Behnam Neyshabur",
"Jascha Sohl-Dickstein",
"Noah Fiedel"
] | 2023-12-11 | Fine-tuning language models~(LMs) on human-generated data remains a prevalent
practice. However, the performance of such models is often limited by the
quantity and diversity of high-quality human data. In this paper, we explore
whether we can go beyond human data on tasks where we have access to scalar
feedback, for example, on math problems where one can verify correctness. To do
so, we investigate a simple self-training method based on
expectation-maximization, which we call ReST$^{EM}$, where we (1) generate
samples from the model and filter them using binary feedback, (2) fine-tune the
model on these samples, and (3) repeat this process a few times. Testing on
advanced MATH reasoning and APPS coding benchmarks using PaLM-2 models, we find
that ReST$^{EM}$ scales favorably with model size and significantly surpasses
fine-tuning only on human data. Overall, our findings suggest self-training
with feedback can substantially reduce dependence on human-generated data. | null | cs.LG | [
"cs.LG"
] |
2408.02629 | HF | VidGen-1M: A Large-Scale Dataset for Text-to-video Generation | [
"Zhiyu Tan",
"Xiaomeng Yang",
"Luozheng Qin",
"Hao Li"
] | 2024-08-05 | The quality of video-text pairs fundamentally determines the upper bound of
text-to-video models. Currently, the datasets used for training these models
suffer from significant shortcomings, including low temporal consistency,
poor-quality captions, substandard video quality, and imbalanced data
distribution. The prevailing video curation process, which depends on image
models for tagging and manual rule-based curation, leads to a high
computational load and leaves behind unclean data. As a result, there is a lack
of appropriate training datasets for text-to-video models. To address this
problem, we present VidGen-1M, a superior training dataset for text-to-video
models. Produced through a coarse-to-fine curation strategy, this dataset
guarantees high-quality videos and detailed captions with excellent temporal
consistency. When used to train the video generation model, this dataset has
led to experimental results that surpass those obtained with other models. | null | cs.CV | [
"cs.CV"
] |
2401.11002 | HF | Fast Registration of Photorealistic Avatars for VR Facial Animation | [
"Chaitanya Patel",
"Shaojie Bai",
"Te-Li Wang",
"Jason Saragih",
"Shih-En Wei"
] | 2024-01-19 | Virtual Reality (VR) bares promise of social interactions that can feel more
immersive than other media. Key to this is the ability to accurately animate a
personalized photorealistic avatar, and hence the acquisition of the labels for
headset-mounted camera (HMC) images need to be efficient and accurate, while
wearing a VR headset. This is challenging due to oblique camera views and
differences in image modality. In this work, we first show that the domain gap
between the avatar and HMC images is one of the primary sources of difficulty,
where a transformer-based architecture achieves high accuracy on
domain-consistent data, but degrades when the domain-gap is re-introduced.
Building on this finding, we propose a system split into two parts: an
iterative refinement module that takes in-domain inputs, and a generic
avatar-guided image-to-image domain transfer module conditioned on current
estimates. These two modules reinforce each other: domain transfer becomes
easier when close-to-groundtruth examples are shown, and better domain-gap
removal in turn improves the registration. Our system obviates the need for
costly offline optimization, and produces online registration of higher quality
than direct regression method. We validate the accuracy and efficiency of our
approach through extensive experiments on a commodity headset, demonstrating
significant improvements over these baselines. To stimulate further research in
this direction, we make our large-scale dataset and code publicly available. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2406.02542 | AnswerAI | Loki: Low-Rank Keys for Efficient Sparse Attention | [
"Prajwal Singhania",
"Siddharth Singh",
"Shwai He",
"Soheil Feizi",
"Abhinav Bhatele"
] | 2024-06-04 | Inference on large language models can be expensive in terms of the compute
and memory costs involved, especially when long sequence lengths are used. In
particular, the self-attention mechanism used in such models contributes
significantly to these costs, which has resulted in several recent works that
propose sparse attention approximations for inference. In this work, we propose
to approximate the self-attention computation by focusing on the dimensionality
of key vectors computed in the attention block. Our analysis reveals that the
key vectors lie in a significantly lower-dimensional space, consistently across
several datasets and models. Exploiting this observation, we propose Loki, a
novel sparse attention method that ranks and selects tokens in the KV-cache
based on attention scores computed in low-dimensional space. Our evaluations
show that Loki is able to maintain the efficacy of the models better than other
popular approximation methods, while speeding up the attention computation due
to reduced data movement (load/store) and compute costs. | null | cs.LG | [
"cs.LG"
] |
2312.17653 | HF | LARP: Language-Agent Role Play for Open-World Games | [
"Ming Yan",
"Ruihao Li",
"Hao Zhang",
"Hao Wang",
"Zhilan Yang",
"Ji Yan"
] | 2023-12-24 | Language agents have shown impressive problem-solving skills within defined
settings and brief timelines. Yet, with the ever-evolving complexities of
open-world simulations, there's a pressing need for agents that can flexibly
adapt to complex environments and consistently maintain a long-term memory to
ensure coherent actions. To bridge the gap between language agents and
open-world games, we introduce Language Agent for Role-Playing (LARP), which
includes a cognitive architecture that encompasses memory processing and a
decision-making assistant, an environment interaction module with a
feedback-driven learnable action space, and a postprocessing method that
promotes the alignment of various personalities. The LARP framework refines
interactions between users and agents, predefined with unique backgrounds and
personalities, ultimately enhancing the gaming experience in open-world
contexts. Furthermore, it highlights the diverse uses of language models in a
range of areas such as entertainment, education, and various simulation
scenarios. The project page is released at https://miao-ai-lab.github.io/LARP/. | null | cs.AI | [
"cs.AI"
] |
2408.07410 | HF | Aquila2 Technical Report | [
"Bo-Wen Zhang",
"Liangdong Wang",
"Jijie Li",
"Shuhao Gu",
"Xinya Wu",
"Zhengduo Zhang",
"Boyan Gao",
"Yulong Ao",
"Guang Liu"
] | 2024-08-14 | This paper introduces the Aquila2 series, which comprises a wide range of
bilingual models with parameter sizes of 7, 34, and 70 billion. These models
are trained based on an innovative framework named HeuriMentor (HM), which
offers real-time insights into model convergence and enhances the training
process and data management. The HM System, comprising the Adaptive Training
Engine (ATE), Training State Monitor (TSM), and Data Management Unit (DMU),
allows for precise monitoring of the model's training progress and enables
efficient optimization of data distribution, thereby enhancing training
effectiveness. Extensive evaluations show that the Aquila2 model series
performs comparably well on both English and Chinese benchmarks. Specifically,
Aquila2-34B demonstrates only a slight decrease in performance when quantized
to Int4. Furthermore, we have made our training code
(https://github.com/FlagOpen/FlagScale) and model weights
(https://github.com/FlagAI-Open/Aquila2) publicly available to support ongoing
research and the development of applications. | null | cs.CL | [
"cs.CL"
] |
2406.19263 | HF | Read Anywhere Pointed: Layout-aware GUI Screen Reading with Tree-of-Lens Grounding | [
"Yue Fan",
"Lei Ding",
"Ching-Chen Kuo",
"Shan Jiang",
"Yang Zhao",
"Xinze Guan",
"Jie Yang",
"Yi Zhang",
"Xin Eric Wang"
] | 2024-06-27 | Graphical User Interfaces (GUIs) are central to our interaction with digital
devices. Recently, growing efforts have been made to build models for various
GUI understanding tasks. However, these efforts largely overlook an important
GUI-referring task: screen reading based on user-indicated points, which we
name the Screen Point-and-Read (SPR) task. This task is predominantly handled
by rigid accessible screen reading tools, in great need of new models driven by
advancements in Multimodal Large Language Models (MLLMs). In this paper, we
propose a Tree-of-Lens (ToL) agent, utilizing a novel ToL grounding mechanism,
to address the SPR task. Based on the input point coordinate and the
corresponding GUI screenshot, our ToL agent constructs a Hierarchical Layout
Tree. Based on the tree, our ToL agent not only comprehends the content of the
indicated area but also articulates the layout and spatial relationships
between elements. Such layout information is crucial for accurately
interpreting information on the screen, distinguishing our ToL agent from other
screen reading tools. We also thoroughly evaluate the ToL agent against other
baselines on a newly proposed SPR benchmark, which includes GUIs from mobile,
web, and operating systems. Last but not least, we test the ToL agent on mobile
GUI navigation tasks, demonstrating its utility in identifying incorrect
actions along the path of agent execution trajectories. Code and data:
screen-point-and-read.github.io | null | cs.CL | [
"cs.CL",
"cs.CV"
] |
2401.08740 | HF | SiT: Exploring Flow and Diffusion-based Generative Models with Scalable Interpolant Transformers | [
"Nanye Ma",
"Mark Goldstein",
"Michael S. Albergo",
"Nicholas M. Boffi",
"Eric Vanden-Eijnden",
"Saining Xie"
] | 2024-01-16 | We present Scalable Interpolant Transformers (SiT), a family of generative
models built on the backbone of Diffusion Transformers (DiT). The interpolant
framework, which allows for connecting two distributions in a more flexible way
than standard diffusion models, makes possible a modular study of various
design choices impacting generative models built on dynamical transport: using
discrete vs. continuous time learning, deciding the objective for the model to
learn, choosing the interpolant connecting the distributions, and deploying a
deterministic or stochastic sampler. By carefully introducing the above
ingredients, SiT surpasses DiT uniformly across model sizes on the conditional
ImageNet 256x256 benchmark using the exact same backbone, number of parameters,
and GFLOPs. By exploring various diffusion coefficients, which can be tuned
separately from learning, SiT achieves an FID-50K score of 2.06. | null | cs.CV | [
"cs.CV",
"cs.LG"
] |
2408.00203 | HF | OmniParser for Pure Vision Based GUI Agent | [
"Yadong Lu",
"Jianwei Yang",
"Yelong Shen",
"Ahmed Awadallah"
] | 2024-08-01 | The recent success of large vision language models shows great potential in
driving the agent system operating on user interfaces. However, we argue that
the power multimodal models like GPT-4V as a general agent on multiple
operating systems across different applications is largely underestimated due
to the lack of a robust screen parsing technique capable of: 1) reliably
identifying interactable icons within the user interface, and 2) understanding
the semantics of various elements in a screenshot and accurately associate the
intended action with the corresponding region on the screen. To fill these
gaps, we introduce \textsc{OmniParser}, a comprehensive method for parsing user
interface screenshots into structured elements, which significantly enhances
the ability of GPT-4V to generate actions that can be accurately grounded in
the corresponding regions of the interface. We first curated an interactable
icon detection dataset using popular webpages and an icon description dataset.
These datasets were utilized to fine-tune specialized models: a detection model
to parse interactable regions on the screen and a caption model to extract the
functional semantics of the detected elements. \textsc{OmniParser}
significantly improves GPT-4V's performance on ScreenSpot benchmark. And on
Mind2Web and AITW benchmark, \textsc{OmniParser} with screenshot only input
outperforms the GPT-4V baselines requiring additional information outside of
screenshot. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2403.13788 | HF | DepthFM: Fast Monocular Depth Estimation with Flow Matching | [
"Ming Gui",
"Johannes S. Fischer",
"Ulrich Prestel",
"Pingchuan Ma",
"Dmytro Kotovenko",
"Olga Grebenkova",
"Stefan Andreas Baumann",
"Vincent Tao Hu",
"Björn Ommer"
] | 2024-03-20 | Monocular depth estimation is crucial for numerous downstream vision tasks
and applications. Current discriminative approaches to this problem are limited
due to blurry artifacts, while state-of-the-art generative methods suffer from
slow sampling due to their SDE nature. Rather than starting from noise, we seek
a direct mapping from input image to depth map. We observe that this can be
effectively framed using flow matching, since its straight trajectories through
solution space offer efficiency and high quality. Our study demonstrates that a
pre-trained image diffusion model can serve as an adequate prior for a flow
matching depth model, allowing efficient training on only synthetic data to
generalize to real images. We find that an auxiliary surface normals loss
further improves the depth estimates. Due to the generative nature of our
approach, our model reliably predicts the confidence of its depth estimates. On
standard benchmarks of complex natural scenes, our lightweight approach
exhibits state-of-the-art performance at favorable low computational cost
despite only being trained on little synthetic data. | null | cs.CV | [
"cs.CV"
] |
2402.00742 | HF | Transforming and Combining Rewards for Aligning Large Language Models | [
"Zihao Wang",
"Chirag Nagpal",
"Jonathan Berant",
"Jacob Eisenstein",
"Alex D'Amour",
"Sanmi Koyejo",
"Victor Veitch"
] | 2024-02-01 | A common approach for aligning language models to human preferences is to
first learn a reward model from preference data, and then use this reward model
to update the language model. We study two closely related problems that arise
in this approach. First, any monotone transformation of the reward model
preserves preference ranking; is there a choice that is ``better'' than others?
Second, we often wish to align language models to multiple properties: how
should we combine multiple reward models? Using a probabilistic interpretation
of the alignment procedure, we identify a natural choice for transformation for
(the common case of) rewards learned from Bradley-Terry preference models. The
derived transformation is straightforward: we apply a log-sigmoid function to
the centered rewards, a method we term ``LSC-transformation''
(log-sigmoid-centered transformation). This transformation has two important
properties. First, it emphasizes improving poorly-performing outputs, rather
than outputs that already score well. This mitigates both underfitting (where
some prompts are not improved) and reward hacking (where the model learns to
exploit misspecification of the reward model). Second, it enables principled
aggregation of rewards by linking summation to logical conjunction: the sum of
transformed rewards corresponds to the probability that the output is ``good''
in all measured properties, in a sense we make precise. Experiments aligning
language models to be both helpful and harmless using RLHF show substantial
improvements over the baseline (non-transformed) approach. | null | cs.CL | [
"cs.CL",
"cs.AI",
"68T50",
"I.2"
] |
2305.07021 | HF | Simple Token-Level Confidence Improves Caption Correctness | [
"Suzanne Petryk",
"Spencer Whitehead",
"Joseph E. Gonzalez",
"Trevor Darrell",
"Anna Rohrbach",
"Marcus Rohrbach"
] | 2023-05-11 | The ability to judge whether a caption correctly describes an image is a
critical part of vision-language understanding. However, state-of-the-art
models often misinterpret the correctness of fine-grained details, leading to
errors in outputs such as hallucinating objects in generated captions or poor
compositional reasoning. In this work, we explore Token-Level Confidence, or
TLC, as a simple yet surprisingly effective method to assess caption
correctness. Specifically, we fine-tune a vision-language model on image
captioning, input an image and proposed caption to the model, and aggregate
either algebraic or learned token confidences over words or sequences to
estimate image-caption consistency. Compared to sequence-level scores from
pretrained models, TLC with algebraic confidence measures achieves a relative
improvement in accuracy by 10% on verb understanding in SVO-Probes and
outperforms prior state-of-the-art in image and group scores for compositional
reasoning in Winoground by a relative 37% and 9%, respectively. When training
data are available, a learned confidence estimator provides further improved
performance, reducing object hallucination rates in MS COCO Captions by a
relative 30% over the original model and setting a new state-of-the-art. | null | cs.CV | [
"cs.CV"
] |
2405.15032 | HF | Aya 23: Open Weight Releases to Further Multilingual Progress | [
"Viraat Aryabumi",
"John Dang",
"Dwarak Talupuru",
"Saurabh Dash",
"David Cairuz",
"Hangyu Lin",
"Bharat Venkitesh",
"Madeline Smith",
"Jon Ander Campos",
"Yi Chern Tan",
"Kelly Marchisio",
"Max Bartolo",
"Sebastian Ruder",
"Acyr Locatelli",
"Julia Kreutzer",
"Nick Frosst",
"Aidan Gomez",
"Phil Blunsom",
"Marzieh Fadaee",
"Ahmet Üstün",
"Sara Hooker"
] | 2024-05-23 | This technical report introduces Aya 23, a family of multilingual language
models. Aya 23 builds on the recent release of the Aya model (\"Ust\"un et al.,
2024), focusing on pairing a highly performant pre-trained model with the
recently released Aya collection (Singh et al., 2024). The result is a powerful
multilingual large language model serving 23 languages, expanding state-of-art
language modeling capabilities to approximately half of the world's population.
The Aya model covered 101 languages whereas Aya 23 is an experiment in depth vs
breadth, exploring the impact of allocating more capacity to fewer languages
that are included during pre-training. Aya 23 outperforms both previous
massively multilingual models like Aya 101 for the languages it covers, as well
as widely used models like Gemma, Mistral and Mixtral on an extensive range of
discriminative and generative tasks. We release the open weights for both the
8B and 35B models as part of our continued commitment for expanding access to
multilingual progress. | null | cs.CL | [
"cs.CL"
] |
2311.13171 | AnswerAI | ComPEFT: Compression for Communicating Parameter Efficient Updates via Sparsification and Quantization | [
"Prateek Yadav",
"Leshem Choshen",
"Colin Raffel",
"Mohit Bansal"
] | 2023-11-22 | Parameter-efficient fine-tuning (PEFT) techniques make it possible to
efficiently adapt a language model to create "expert" models that specialize to
new tasks or domains. Recent techniques in model merging and compositional
generalization leverage these expert models by dynamically composing modules to
improve zero/few-shot generalization. Despite the efficiency of PEFT methods,
the size of expert models can make it onerous to retrieve expert models per
query over high-latency networks like the Internet or serve multiple experts on
a single GPU. To address these issues, we present ComPEFT, a novel method for
compressing fine-tuning residuals (task vectors) of PEFT based models. ComPEFT
employs sparsification and ternary quantization to reduce the size of the PEFT
module without performing any additional retraining while preserving or
enhancing model performance. In extensive evaluation across T5, T0, and
LLaMA-based models with 200M - 65B parameters, ComPEFT achieves compression
ratios of 8x - 50x. In particular, we show that ComPEFT improves with scale -
stronger models exhibit higher compressibility and better performance. For
example, we show that ComPEFT applied to LLaMA outperforms QLoRA by 4.16% on
MMLU with a storage size reduction of up to 26x. In addition, we show that the
compressed experts produced by ComPEFT maintain few-shot compositional
generalization capabilities, facilitate efficient communication and
computation, and exhibit enhanced performance when merged. Lastly, we provide
an analysis of different method components, compare it with other PEFT methods,
and test ComPEFT's efficacy for compressing the residual of full-finetuning.
Our code is available at https://github.com/prateeky2806/compeft. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL"
] |
2404.04421 | HF | PhysAvatar: Learning the Physics of Dressed 3D Avatars from Visual Observations | [
"Yang Zheng",
"Qingqing Zhao",
"Guandao Yang",
"Wang Yifan",
"Donglai Xiang",
"Florian Dubost",
"Dmitry Lagun",
"Thabo Beeler",
"Federico Tombari",
"Leonidas Guibas",
"Gordon Wetzstein"
] | 2024-04-05 | Modeling and rendering photorealistic avatars is of crucial importance in
many applications. Existing methods that build a 3D avatar from visual
observations, however, struggle to reconstruct clothed humans. We introduce
PhysAvatar, a novel framework that combines inverse rendering with inverse
physics to automatically estimate the shape and appearance of a human from
multi-view video data along with the physical parameters of the fabric of their
clothes. For this purpose, we adopt a mesh-aligned 4D Gaussian technique for
spatio-temporal mesh tracking as well as a physically based inverse renderer to
estimate the intrinsic material properties. PhysAvatar integrates a physics
simulator to estimate the physical parameters of the garments using
gradient-based optimization in a principled manner. These novel capabilities
enable PhysAvatar to create high-quality novel-view renderings of avatars
dressed in loose-fitting clothes under motions and lighting conditions not seen
in the training data. This marks a significant advancement towards modeling
photorealistic digital humans using physically based inverse rendering with
physics in the loop. Our project website is at:
https://qingqing-zhao.github.io/PhysAvatar | null | cs.GR | [
"cs.GR",
"cs.CV"
] |
2307.10635 | HF | SciBench: Evaluating College-Level Scientific Problem-Solving Abilities of Large Language Models | [
"Xiaoxuan Wang",
"Ziniu Hu",
"Pan Lu",
"Yanqiao Zhu",
"Jieyu Zhang",
"Satyen Subramaniam",
"Arjun R. Loomba",
"Shichang Zhang",
"Yizhou Sun",
"Wei Wang"
] | 2023-07-20 | Most of the existing Large Language Model (LLM) benchmarks on scientific
problem reasoning focus on problems grounded in high-school subjects and are
confined to elementary algebraic operations. To systematically examine the
reasoning capabilities required for solving complex scientific problems, we
introduce an expansive benchmark suite SciBench for LLMs. SciBench contains a
carefully curated dataset featuring a range of collegiate-level scientific
problems from mathematics, chemistry, and physics domains. Based on the
dataset, we conduct an in-depth benchmarking study of representative
open-source and proprietary LLMs with various prompting strategies. The results
reveal that the current LLMs fall short of delivering satisfactory performance,
with the best overall score of merely 43.22%. Furthermore, through a detailed
user study, we categorize the errors made by LLMs into ten problem-solving
abilities. Our analysis indicates that no single prompting strategy
significantly outperforms the others and some strategies that demonstrate
improvements in certain problem-solving skills could result in declines in
other skills. We envision that SciBench will catalyze further developments in
the reasoning abilities of LLMs, thereby ultimately contributing to scientific
research and discovery. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2407.21118 | AnswerAI | Palu: Compressing KV-Cache with Low-Rank Projection | [
"Chi-Chih Chang",
"Wei-Cheng Lin",
"Chien-Yu Lin",
"Chong-Yan Chen",
"Yu-Fang Hu",
"Pei-Shuo Wang",
"Ning-Chi Huang",
"Luis Ceze",
"Kai-Chiang Wu"
] | 2024-07-30 | KV-Cache compression methods generally sample a KV-Cache of effectual tokens
or quantize it into lower bits. However, these methods cannot exploit the
redundancy of the hidden dimension of KV tensors. This paper investigates a
unique hidden dimension approach called Palu, a novel KV-Cache compression
framework that utilizes low-rank projection. Palu decomposes the linear layers
into low-rank matrices, caches the smaller intermediate states, and
reconstructs the full keys and values on the fly. To improve accuracy,
compression rate, and efficiency, Palu further encompasses (1) a medium-grained
low-rank decomposition scheme, (2) an efficient rank search algorithm, (3) a
low-rank-aware quantization algorithm, and (4) matrix fusion with optimized GPU
kernels. Our extensive experiments with popular LLMs show that Palu can
compress KV-Cache by more than 91.25% while maintaining a significantly better
accuracy (up to 1.19 lower perplexity) than state-of-the-art KV-Cache
quantization methods at a similar or even higher memory usage. When compressing
KV-Cache for 50%, Palu delivers up to 1.61x end-to-end speedup for the
attention module. Our code is publicly available at
https://github.com/shadowpa0327/Palu. | null | cs.AI | [
"cs.AI",
"cs.LG"
] |
2407.12784 | HF | AgentPoison: Red-teaming LLM Agents via Poisoning Memory or Knowledge Bases | [
"Zhaorun Chen",
"Zhen Xiang",
"Chaowei Xiao",
"Dawn Song",
"Bo Li"
] | 2024-07-17 | LLM agents have demonstrated remarkable performance across various
applications, primarily due to their advanced capabilities in reasoning,
utilizing external knowledge and tools, calling APIs, and executing actions to
interact with environments. Current agents typically utilize a memory module or
a retrieval-augmented generation (RAG) mechanism, retrieving past knowledge and
instances with similar embeddings from knowledge bases to inform task planning
and execution. However, the reliance on unverified knowledge bases raises
significant concerns about their safety and trustworthiness. To uncover such
vulnerabilities, we propose a novel red teaming approach AgentPoison, the first
backdoor attack targeting generic and RAG-based LLM agents by poisoning their
long-term memory or RAG knowledge base. In particular, we form the trigger
generation process as a constrained optimization to optimize backdoor triggers
by mapping the triggered instances to a unique embedding space, so as to ensure
that whenever a user instruction contains the optimized backdoor trigger, the
malicious demonstrations are retrieved from the poisoned memory or knowledge
base with high probability. In the meantime, benign instructions without the
trigger will still maintain normal performance. Unlike conventional backdoor
attacks, AgentPoison requires no additional model training or fine-tuning, and
the optimized backdoor trigger exhibits superior transferability, in-context
coherence, and stealthiness. Extensive experiments demonstrate AgentPoison's
effectiveness in attacking three types of real-world LLM agents: RAG-based
autonomous driving agent, knowledge-intensive QA agent, and healthcare
EHRAgent. On each agent, AgentPoison achieves an average attack success rate
higher than 80% with minimal impact on benign performance (less than 1%) with a
poison rate less than 0.1%. | null | cs.LG | [
"cs.LG",
"cs.CR",
"cs.IR"
] |
2209.01714 | AnswerAI | On the Horizon: Interactive and Compositional Deepfakes | [
"Eric Horvitz"
] | 2022-09-05 | Over a five-year period, computing methods for generating high-fidelity,
fictional depictions of people and events moved from exotic demonstrations by
computer science research teams into ongoing use as a tool of disinformation.
The methods, referred to with the portmanteau of "deepfakes," have been used to
create compelling audiovisual content. Here, I share challenges ahead with
malevolent uses of two classes of deepfakes that we can expect to come into
practice with costly implications for society: interactive and compositional
deepfakes. Interactive deepfakes have the capability to impersonate people with
realistic interactive behaviors, taking advantage of advances in multimodal
interaction. Compositional deepfakes leverage synthetic content in larger
disinformation plans that integrate sets of deepfakes over time with observed,
expected, and engineered world events to create persuasive synthetic histories.
Synthetic histories can be constructed manually but may one day be guided by
adversarial generative explanation (AGE) techniques. In the absence of
mitigations, interactive and compositional deepfakes threaten to move us closer
to a post-epistemic world, where fact cannot be distinguished from fiction. I
shall describe interactive and compositional deepfakes and reflect about
cautions and potential mitigations to defend against them. | 10.1145/3536221.3558175 10.1145/3536221.3558175 | cs.AI | [
"cs.AI",
"cs.LG",
"I.2.1; I.2.6; I.2.7; I.2.10; I.3.3; I.3.7; I.4.8; I.5; J.4; K.4.1;\n K.4.2"
] |
2312.02142 | HF | Object Recognition as Next Token Prediction | [
"Kaiyu Yue",
"Bor-Chun Chen",
"Jonas Geiping",
"Hengduo Li",
"Tom Goldstein",
"Ser-Nam Lim"
] | 2023-12-04 | We present an approach to pose object recognition as next token prediction.
The idea is to apply a language decoder that auto-regressively predicts the
text tokens from image embeddings to form labels. To ground this prediction
process in auto-regression, we customize a non-causal attention mask for the
decoder, incorporating two key features: modeling tokens from different labels
to be independent, and treating image tokens as a prefix. This masking
mechanism inspires an efficient method - one-shot sampling - to simultaneously
sample tokens of multiple labels in parallel and rank generated labels by their
probabilities during inference. To further enhance the efficiency, we propose a
simple strategy to construct a compact decoder by simply discarding the
intermediate blocks of a pretrained language model. This approach yields a
decoder that matches the full model's performance while being notably more
efficient. The code is available at https://github.com/kaiyuyue/nxtp | null | cs.CV | [
"cs.CV"
] |
2311.12092 | HF | Concept Sliders: LoRA Adaptors for Precise Control in Diffusion Models | [
"Rohit Gandikota",
"Joanna Materzynska",
"Tingrui Zhou",
"Antonio Torralba",
"David Bau"
] | 2023-11-20 | We present a method to create interpretable concept sliders that enable
precise control over attributes in image generations from diffusion models. Our
approach identifies a low-rank parameter direction corresponding to one concept
while minimizing interference with other attributes. A slider is created using
a small set of prompts or sample images; thus slider directions can be created
for either textual or visual concepts. Concept Sliders are plug-and-play: they
can be composed efficiently and continuously modulated, enabling precise
control over image generation. In quantitative experiments comparing to
previous editing techniques, our sliders exhibit stronger targeted edits with
lower interference. We showcase sliders for weather, age, styles, and
expressions, as well as slider compositions. We show how sliders can transfer
latents from StyleGAN for intuitive editing of visual concepts for which
textual description is difficult. We also find that our method can help address
persistent quality issues in Stable Diffusion XL including repair of object
deformations and fixing distorted hands. Our code, data, and trained sliders
are available at https://sliders.baulab.info/ | null | cs.CV | [
"cs.CV"
] |
2308.03188 | AnswerAI | Automatically Correcting Large Language Models: Surveying the landscape of diverse self-correction strategies | [
"Liangming Pan",
"Michael Saxon",
"Wenda Xu",
"Deepak Nathani",
"Xinyi Wang",
"William Yang Wang"
] | 2023-08-06 | Large language models (LLMs) have demonstrated remarkable performance across
a wide array of NLP tasks. However, their efficacy is undermined by undesired
and inconsistent behaviors, including hallucination, unfaithful reasoning, and
toxic content. A promising approach to rectify these flaws is self-correction,
where the LLM itself is prompted or guided to fix problems in its own output.
Techniques leveraging automated feedback -- either produced by the LLM itself
or some external system -- are of particular interest as they are a promising
way to make LLM-based solutions more practical and deployable with minimal
human feedback. This paper presents a comprehensive review of this emerging
class of techniques. We analyze and taxonomize a wide array of recent work
utilizing these strategies, including training-time, generation-time, and
post-hoc correction. We also summarize the major applications of this strategy
and conclude by discussing future directions and challenges. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2409.05840 | HF | MMEvol: Empowering Multimodal Large Language Models with Evol-Instruct | [
"Run Luo",
"Haonan Zhang",
"Longze Chen",
"Ting-En Lin",
"Xiong Liu",
"Yuchuan Wu",
"Min Yang",
"Minzheng Wang",
"Pengpeng Zeng",
"Lianli Gao",
"Heng Tao Shen",
"Yunshui Li",
"Xiaobo Xia",
"Fei Huang",
"Jingkuan Song",
"Yongbin Li"
] | 2024-09-09 | The development of Multimodal Large Language Models (MLLMs) has seen
significant advancements with increasing demands in various fields (e.g.,
multimodal agents, embodied intelligence). While model-driven approaches
attempt to enhance MLLMs capabilities through diverse architectures, the gains
have become increasingly marginal. Conversely, data-driven methods, which scale
up image-text instruction data, are more effective but face limited data
diversity and complexity challenges. The absence of high-quality data
constitutes a significant development barrier for MLLMs. To address the data
quality bottleneck, we propose MMEvol, a novel multimodal instruction data
evolution framework. This framework iteratively improve data quality through a
refined combination of fine-grained perception, cognitive reasoning, and
interaction evolution, generating a more complex and diverse image-text
instruction dataset that empowers MLLMs with enhanced capabilities. Beginning
with an initial set of instructions, SEED-163K, we utilize MMEvol to
systematically broaden the diversity of instruction types, extend visual
reasoning steps to improve cognitive reasoning abilities, and thoroughly
explore fine-grained information within images to enhance visual understanding
and robustness. To comprehensively evaluate the effectiveness of our approach,
we conduct extensive qualitative analysis and quantitative experiments across
13 vision-language tasks. Compared to baseline models trained with the initial
seed data, the results demonstrate that our method achieves an average accuracy
improvement of 3.1 percentage points. Furthermore, our approach reaches
state-of-the-art (SOTA) performance in nine tasks using significantly less data
compared to state-of-the-art models. | null | cs.CL | [
"cs.CL"
] |
2311.11284 | HF | LucidDreamer: Towards High-Fidelity Text-to-3D Generation via Interval Score Matching | [
"Yixun Liang",
"Xin Yang",
"Jiantao Lin",
"Haodong Li",
"Xiaogang Xu",
"Yingcong Chen"
] | 2023-11-19 | The recent advancements in text-to-3D generation mark a significant milestone
in generative models, unlocking new possibilities for creating imaginative 3D
assets across various real-world scenarios. While recent advancements in
text-to-3D generation have shown promise, they often fall short in rendering
detailed and high-quality 3D models. This problem is especially prevalent as
many methods base themselves on Score Distillation Sampling (SDS). This paper
identifies a notable deficiency in SDS, that it brings inconsistent and
low-quality updating direction for the 3D model, causing the over-smoothing
effect. To address this, we propose a novel approach called Interval Score
Matching (ISM). ISM employs deterministic diffusing trajectories and utilizes
interval-based score matching to counteract over-smoothing. Furthermore, we
incorporate 3D Gaussian Splatting into our text-to-3D generation pipeline.
Extensive experiments show that our model largely outperforms the
state-of-the-art in quality and training efficiency. | null | cs.CV | [
"cs.CV",
"cs.GR",
"cs.MM"
] |
2306.16700 | HF | Dynamic-Resolution Model Learning for Object Pile Manipulation | [
"Yixuan Wang",
"Yunzhu Li",
"Katherine Driggs-Campbell",
"Li Fei-Fei",
"Jiajun Wu"
] | 2023-06-29 | Dynamics models learned from visual observations have shown to be effective
in various robotic manipulation tasks. One of the key questions for learning
such dynamics models is what scene representation to use. Prior works typically
assume representation at a fixed dimension or resolution, which may be
inefficient for simple tasks and ineffective for more complicated tasks. In
this work, we investigate how to learn dynamic and adaptive representations at
different levels of abstraction to achieve the optimal trade-off between
efficiency and effectiveness. Specifically, we construct dynamic-resolution
particle representations of the environment and learn a unified dynamics model
using graph neural networks (GNNs) that allows continuous selection of the
abstraction level. During test time, the agent can adaptively determine the
optimal resolution at each model-predictive control (MPC) step. We evaluate our
method in object pile manipulation, a task we commonly encounter in cooking,
agriculture, manufacturing, and pharmaceutical applications. Through
comprehensive evaluations both in the simulation and the real world, we show
that our method achieves significantly better performance than state-of-the-art
fixed-resolution baselines at the gathering, sorting, and redistribution of
granular object piles made with various instances like coffee beans, almonds,
corn, etc. | null | cs.RO | [
"cs.RO",
"cs.CV",
"cs.LG"
] |
2407.18121 | HF | Efficient Inference of Vision Instruction-Following Models with Elastic Cache | [
"Zuyan Liu",
"Benlin Liu",
"Jiahui Wang",
"Yuhao Dong",
"Guangyi Chen",
"Yongming Rao",
"Ranjay Krishna",
"Jiwen Lu"
] | 2024-07-25 | In the field of instruction-following large vision-language models (LVLMs),
the efficient deployment of these models faces challenges, notably due to the
high memory demands of their key-value (KV) caches. Conventional cache
management strategies for LLMs focus on cache eviction, which often fails to
address the specific needs of multimodal instruction-following models.
Recognizing this gap, in this paper, we introduce Elastic Cache, a novel
approach that benefits from applying distinct acceleration methods for
instruction encoding and output generation stages. We investigate the metrics
of importance in different stages and propose an importance-driven cache
merging strategy to prune redundancy caches. Instead of discarding less
important caches, our strategy identifies important key/value vectors as anchor
points. Surrounding less important caches are then merged with these anchors,
enhancing the preservation of contextual information in the KV caches while
yielding an arbitrary acceleration ratio. For instruction encoding, we utilize
the frequency to evaluate the importance of caches. Regarding output
generation, we prioritize tokens based on their distance with an offset, by
which both the initial and most recent tokens are retained. Results on a range
of LVLMs demonstrate that Elastic Cache not only boosts efficiency but also
notably outperforms existing pruning methods in language generation across
various tasks. Code is available at https://github.com/liuzuyan/ElasticCache | null | cs.CV | [
"cs.CV"
] |
2408.07547 | HF | PeriodWave: Multi-Period Flow Matching for High-Fidelity Waveform Generation | [
"Sang-Hoon Lee",
"Ha-Yeong Choi",
"Seong-Whan Lee"
] | 2024-08-14 | Recently, universal waveform generation tasks have been investigated
conditioned on various out-of-distribution scenarios. Although GAN-based
methods have shown their strength in fast waveform generation, they are
vulnerable to train-inference mismatch scenarios such as two-stage
text-to-speech. Meanwhile, diffusion-based models have shown their powerful
generative performance in other domains; however, they stay out of the
limelight due to slow inference speed in waveform generation tasks. Above all,
there is no generator architecture that can explicitly disentangle the natural
periodic features of high-resolution waveform signals. In this paper, we
propose PeriodWave, a novel universal waveform generation model. First, we
introduce a period-aware flow matching estimator that can capture the periodic
features of the waveform signal when estimating the vector fields.
Additionally, we utilize a multi-period estimator that avoids overlaps to
capture different periodic features of waveform signals. Although increasing
the number of periods can improve the performance significantly, this requires
more computational costs. To reduce this issue, we also propose a single
period-conditional universal estimator that can feed-forward parallel by
period-wise batch inference. Additionally, we utilize discrete wavelet
transform to losslessly disentangle the frequency information of waveform
signals for high-frequency modeling, and introduce FreeU to reduce the
high-frequency noise for waveform generation. The experimental results
demonstrated that our model outperforms the previous models both in
Mel-spectrogram reconstruction and text-to-speech tasks. All source code will
be available at \url{https://github.com/sh-lee-prml/PeriodWave}. | null | cs.SD | [
"cs.SD",
"cs.AI",
"cs.LG",
"eess.AS",
"eess.SP"
] |
1905.12322 | AnswerAI | A Study of BFLOAT16 for Deep Learning Training | [
"Dhiraj Kalamkar",
"Dheevatsa Mudigere",
"Naveen Mellempudi",
"Dipankar Das",
"Kunal Banerjee",
"Sasikanth Avancha",
"Dharma Teja Vooturi",
"Nataraj Jammalamadaka",
"Jianyu Huang",
"Hector Yuen",
"Jiyan Yang",
"Jongsoo Park",
"Alexander Heinecke",
"Evangelos Georganas",
"Sudarshan Srinivasan",
"Abhisek Kundu",
"Misha Smelyanskiy",
"Bharat Kaul",
"Pradeep Dubey"
] | 2019-05-29 | This paper presents the first comprehensive empirical study demonstrating the
efficacy of the Brain Floating Point (BFLOAT16) half-precision format for Deep
Learning training across image classification, speech recognition, language
modeling, generative networks and industrial recommendation systems. BFLOAT16
is attractive for Deep Learning training for two reasons: the range of values
it can represent is the same as that of IEEE 754 floating-point format (FP32)
and conversion to/from FP32 is simple. Maintaining the same range as FP32 is
important to ensure that no hyper-parameter tuning is required for convergence;
e.g., IEEE 754 compliant half-precision floating point (FP16) requires
hyper-parameter tuning. In this paper, we discuss the flow of tensors and
various key operations in mixed precision training, and delve into details of
operations, such as the rounding modes for converting FP32 tensors to BFLOAT16.
We have implemented a method to emulate BFLOAT16 operations in Tensorflow,
Caffe2, IntelCaffe, and Neon for our experiments. Our results show that deep
learning training using BFLOAT16 tensors achieves the same state-of-the-art
(SOTA) results across domains as FP32 tensors in the same number of iterations
and with no changes to hyper-parameters. | null | cs.LG | [
"cs.LG",
"stat.ML"
] |
2406.06608 | Both | The Prompt Report: A Systematic Survey of Prompting Techniques | [
"Sander Schulhoff",
"Michael Ilie",
"Nishant Balepur",
"Konstantine Kahadze",
"Amanda Liu",
"Chenglei Si",
"Yinheng Li",
"Aayush Gupta",
"HyoJung Han",
"Sevien Schulhoff",
"Pranav Sandeep Dulepet",
"Saurav Vidyadhara",
"Dayeon Ki",
"Sweta Agrawal",
"Chau Pham",
"Gerson Kroiz",
"Feileen Li",
"Hudson Tao",
"Ashay Srivastava",
"Hevander Da Costa",
"Saloni Gupta",
"Megan L. Rogers",
"Inna Goncearenco",
"Giuseppe Sarli",
"Igor Galynker",
"Denis Peskoff",
"Marine Carpuat",
"Jules White",
"Shyamal Anadkat",
"Alexander Hoyle",
"Philip Resnik"
] | 2024-06-06 | Generative Artificial Intelligence (GenAI) systems are being increasingly
deployed across all parts of industry and research settings. Developers and end
users interact with these systems through the use of prompting or prompt
engineering. While prompting is a widespread and highly researched concept,
there exists conflicting terminology and a poor ontological understanding of
what constitutes a prompt due to the area's nascency. This paper establishes a
structured understanding of prompts, by assembling a taxonomy of prompting
techniques and analyzing their use. We present a comprehensive vocabulary of 33
vocabulary terms, a taxonomy of 58 text-only prompting techniques, and 40
techniques for other modalities. We further present a meta-analysis of the
entire literature on natural language prefix-prompting. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2402.14086 | HF | LexC-Gen: Generating Data for Extremely Low-Resource Languages with Large Language Models and Bilingual Lexicons | [
"Zheng-Xin Yong",
"Cristina Menghini",
"Stephen H. Bach"
] | 2024-02-21 | Data scarcity in low-resource languages can be addressed with word-to-word
translations from labeled task data in high-resource languages using bilingual
lexicons. However, bilingual lexicons often have limited lexical overlap with
task data, which results in poor translation coverage and lexicon utilization.
We propose lexicon-conditioned data generation (LexC-Gen), a method that
generates low-resource-language classification task data at scale.
Specifically, LexC-Gen first uses high-resource-language words from bilingual
lexicons to generate lexicon-compatible task data, and then it translates them
into low-resource languages with bilingual lexicons via word translation.
Across 17 extremely low-resource languages, LexC-Gen generated data is
competitive with expert-translated gold data, and yields on average 5.6 and 8.9
points improvement over existing lexicon-based word translation methods on
sentiment analysis and topic classification tasks respectively. We show that
conditioning on bilingual lexicons is the key component of LexC-Gen. LexC-Gen
is also practical -- it only needs a single GPU to generate data at scale. It
works well with open-access LLMs, and its cost is one-fifth of the cost of
GPT4-based multilingual data generation. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2403.09629 | Both | Quiet-STaR: Language Models Can Teach Themselves to Think Before Speaking | [
"Eric Zelikman",
"Georges Harik",
"Yijia Shao",
"Varuna Jayasiri",
"Nick Haber",
"Noah D. Goodman"
] | 2024-03-14 | When writing and talking, people sometimes pause to think. Although
reasoning-focused works have often framed reasoning as a method of answering
questions or completing agentic tasks, reasoning is implicit in almost all
written text. For example, this applies to the steps not stated between the
lines of a proof or to the theory of mind underlying a conversation. In the
Self-Taught Reasoner (STaR, Zelikman et al. 2022), useful thinking is learned
by inferring rationales from few-shot examples in question-answering and
learning from those that lead to a correct answer. This is a highly constrained
setting -- ideally, a language model could instead learn to infer unstated
rationales in arbitrary text. We present Quiet-STaR, a generalization of STaR
in which LMs learn to generate rationales at each token to explain future text,
improving their predictions. We address key challenges, including 1) the
computational cost of generating continuations, 2) the fact that the LM does
not initially know how to generate or use internal thoughts, and 3) the need to
predict beyond individual next tokens. To resolve these, we propose a tokenwise
parallel sampling algorithm, using learnable tokens indicating a thought's
start and end, and an extended teacher-forcing technique. Encouragingly,
generated rationales disproportionately help model difficult-to-predict tokens
and improve the LM's ability to directly answer difficult questions. In
particular, after continued pretraining of an LM on a corpus of internet text
with Quiet-STaR, we find zero-shot improvements on GSM8K
(5.9%$\rightarrow$10.9%) and CommonsenseQA (36.3%$\rightarrow$47.2%) and
observe a perplexity improvement of difficult tokens in natural text.
Crucially, these improvements require no fine-tuning on these tasks. Quiet-STaR
marks a step towards LMs that can learn to reason in a more general and
scalable way. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2306.16527 | HF | OBELICS: An Open Web-Scale Filtered Dataset of Interleaved Image-Text Documents | [
"Hugo Laurençon",
"Lucile Saulnier",
"Léo Tronchon",
"Stas Bekman",
"Amanpreet Singh",
"Anton Lozhkov",
"Thomas Wang",
"Siddharth Karamcheti",
"Alexander M. Rush",
"Douwe Kiela",
"Matthieu Cord",
"Victor Sanh"
] | 2023-06-21 | Large multimodal models trained on natural documents, which interleave images
and text, outperform models trained on image-text pairs on various multimodal
benchmarks. However, the datasets used to train these models have not been
released, and the collection process has not been fully specified. We introduce
the OBELICS dataset, an open web-scale filtered dataset of interleaved
image-text documents comprising 141 million web pages extracted from Common
Crawl, 353 million associated images, and 115 billion text tokens. We describe
the dataset creation process, present comprehensive filtering rules, and
provide an analysis of the dataset's content. To show the viability of OBELICS,
we train vision and language models of 9 and 80 billion parameters named
IDEFICS, and obtain competitive performance on different multimodal benchmarks.
We release our dataset, models and code. | null | cs.IR | [
"cs.IR",
"cs.CV"
] |
2305.16867 | HF | Playing repeated games with Large Language Models | [
"Elif Akata",
"Lion Schulz",
"Julian Coda-Forno",
"Seong Joon Oh",
"Matthias Bethge",
"Eric Schulz"
] | 2023-05-26 | Large Language Models (LLMs) are transforming society and permeating into
diverse applications. As a result, LLMs will frequently interact with us and
other agents. It is, therefore, of great societal value to understand how LLMs
behave in interactive social settings. Here, we propose to use behavioral game
theory to study LLM's cooperation and coordination behavior. To do so, we let
different LLMs (GPT-3, GPT-3.5, and GPT-4) play finitely repeated games with
each other and with other, human-like strategies. Our results show that LLMs
generally perform well in such tasks and also uncover persistent behavioral
signatures. In a large set of two players-two strategies games, we find that
LLMs are particularly good at games where valuing their own self-interest pays
off, like the iterated Prisoner's Dilemma family. However, they behave
sub-optimally in games that require coordination. We, therefore, further focus
on two games from these distinct families. In the canonical iterated Prisoner's
Dilemma, we find that GPT-4 acts particularly unforgivingly, always defecting
after another agent has defected only once. In the Battle of the Sexes, we find
that GPT-4 cannot match the behavior of the simple convention to alternate
between options. We verify that these behavioral signatures are stable across
robustness checks. Finally, we show how GPT-4's behavior can be modified by
providing further information about the other player as well as by asking it to
predict the other player's actions before making a choice. These results enrich
our understanding of LLM's social behavior and pave the way for a behavioral
game theory for machines. | null | cs.CL | [
"cs.CL"
] |
1902.00751 | AnswerAI | Parameter-Efficient Transfer Learning for NLP | [
"Neil Houlsby",
"Andrei Giurgiu",
"Stanislaw Jastrzebski",
"Bruna Morrone",
"Quentin de Laroussilhe",
"Andrea Gesmundo",
"Mona Attariyan",
"Sylvain Gelly"
] | 2019-02-02 | Fine-tuning large pre-trained models is an effective transfer mechanism in
NLP. However, in the presence of many downstream tasks, fine-tuning is
parameter inefficient: an entire new model is required for every task. As an
alternative, we propose transfer with adapter modules. Adapter modules yield a
compact and extensible model; they add only a few trainable parameters per
task, and new tasks can be added without revisiting previous ones. The
parameters of the original network remain fixed, yielding a high degree of
parameter sharing. To demonstrate adapter's effectiveness, we transfer the
recently proposed BERT Transformer model to 26 diverse text classification
tasks, including the GLUE benchmark. Adapters attain near state-of-the-art
performance, whilst adding only a few parameters per task. On GLUE, we attain
within 0.4% of the performance of full fine-tuning, adding only 3.6% parameters
per task. By contrast, fine-tuning trains 100% of the parameters per task. | null | cs.LG | [
"cs.LG",
"cs.CL",
"stat.ML"
] |
2207.13825 | AnswerAI | Will AI Make Cyber Swords or Shields: A few mathematical models of technological progress | [
"Andrew J Lohn",
"Krystal Alex Jackson"
] | 2022-07-27 | We aim to demonstrate the value of mathematical models for policy debates
about technological progress in cybersecurity by considering phishing,
vulnerability discovery, and the dynamics between patching and exploitation. We
then adjust the inputs to those mathematical models to match some possible
advances in their underlying technology. We find that AI's impact on phishing
may be overestimated but could lead to more attacks going undetected. Advances
in vulnerability discovery have the potential to help attackers more than
defenders. And automation that writes exploits is more useful to attackers than
automation that writes patches, although advances that help deploy patches
faster have the potential to be more impactful than either. | null | cs.CR | [
"cs.CR",
"cs.AI",
"cs.CY"
] |
2307.10169 | Both | Challenges and Applications of Large Language Models | [
"Jean Kaddour",
"Joshua Harris",
"Maximilian Mozes",
"Herbie Bradley",
"Roberta Raileanu",
"Robert McHardy"
] | 2023-07-19 | Large Language Models (LLMs) went from non-existent to ubiquitous in the
machine learning discourse within a few years. Due to the fast pace of the
field, it is difficult to identify the remaining challenges and already
fruitful application areas. In this paper, we aim to establish a systematic set
of open problems and application successes so that ML researchers can
comprehend the field's current state more quickly and become productive. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2407.10718 | HF | Sibyl: Simple yet Effective Agent Framework for Complex Real-world Reasoning | [
"Yulong Wang",
"Tianhao Shen",
"Lifeng Liu",
"Jian Xie"
] | 2024-07-15 | Existing agents based on large language models (LLMs) demonstrate robust
problem-solving capabilities by integrating LLMs' inherent knowledge, strong
in-context learning and zero-shot capabilities, and the use of tools combined
with intricately designed LLM invocation workflows by humans. However, these
agents still exhibit shortcomings in long-term reasoning and under-use the
potential of existing tools, leading to noticeable deficiencies in complex
real-world reasoning scenarios. To address these limitations, we introduce
Sibyl, a simple yet powerful LLM-based agent framework designed to tackle
complex reasoning tasks by efficiently leveraging a minimal set of tools.
Drawing inspiration from Global Workspace Theory, Sibyl incorporates a global
workspace to enhance the management and sharing of knowledge and conversation
history throughout the system. Furthermore, guided by Society of Mind Theory,
Sibyl implements a multi-agent debate-based jury to self-refine the final
answers, ensuring a comprehensive and balanced approach. This approach aims to
reduce system complexity while expanding the scope of problems solvable-from
matters typically resolved by humans in minutes to those requiring hours or
even days, thus facilitating a shift from System-1 to System-2 thinking. Sibyl
has been designed with a focus on scalability and ease of debugging by
incorporating the concept of reentrancy from functional programming from its
inception, with the aim of seamless and low effort integration in other LLM
applications to improve capabilities. Our experimental results on the GAIA
benchmark test set reveal that the Sibyl agent instantiated with GPT-4 achieves
state-of-the-art performance with an average score of 34.55%, compared to other
agents based on GPT-4. We hope that Sibyl can inspire more reliable and
reusable LLM-based agent solutions to address complex real-world reasoning
tasks. | null | cs.AI | [
"cs.AI",
"cs.CL"
] |
2307.09638 | HF | Promoting Exploration in Memory-Augmented Adam using Critical Momenta | [
"Pranshu Malviya",
"Gonçalo Mordido",
"Aristide Baratin",
"Reza Babanezhad Harikandeh",
"Jerry Huang",
"Simon Lacoste-Julien",
"Razvan Pascanu",
"Sarath Chandar"
] | 2023-07-18 | Adaptive gradient-based optimizers, notably Adam, have left their mark in
training large-scale deep learning models, offering fast convergence and
robustness to hyperparameter settings. However, they often struggle with
generalization, attributed to their tendency to converge to sharp minima in the
loss landscape. To address this, we propose a new memory-augmented version of
Adam that encourages exploration towards flatter minima by incorporating a
buffer of critical momentum terms during training. This buffer prompts the
optimizer to overshoot beyond narrow minima, promoting exploration. Through
comprehensive analysis in simple settings, we illustrate the efficacy of our
approach in increasing exploration and bias towards flatter minima. We
empirically demonstrate that it can improve model performance for image
classification on ImageNet and CIFAR10/100, language modelling on Penn
Treebank, and online learning tasks on TinyImageNet and 5-dataset. Our code is
available at \url{https://github.com/chandar-lab/CMOptimizer}. | null | cs.LG | [
"cs.LG",
"cs.AI"
] |
2407.11854 | HF | Zero-shot Cross-Lingual Transfer for Synthetic Data Generation in Grammatical Error Detection | [
"Gaetan Lopez Latouche",
"Marc-André Carbonneau",
"Ben Swanson"
] | 2024-07-16 | Grammatical Error Detection (GED) methods rely heavily on human annotated
error corpora. However, these annotations are unavailable in many low-resource
languages. In this paper, we investigate GED in this context. Leveraging the
zero-shot cross-lingual transfer capabilities of multilingual pre-trained
language models, we train a model using data from a diverse set of languages to
generate synthetic errors in other languages. These synthetic error corpora are
then used to train a GED model. Specifically we propose a two-stage fine-tuning
pipeline where the GED model is first fine-tuned on multilingual synthetic data
from target languages followed by fine-tuning on human-annotated GED corpora
from source languages. This approach outperforms current state-of-the-art
annotation-free GED methods. We also analyse the errors produced by our method
and other strong baselines, finding that our approach produces errors that are
more diverse and more similar to human errors. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2406.08656 | HF | TC-Bench: Benchmarking Temporal Compositionality in Text-to-Video and Image-to-Video Generation | [
"Weixi Feng",
"Jiachen Li",
"Michael Saxon",
"Tsu-jui Fu",
"Wenhu Chen",
"William Yang Wang"
] | 2024-06-12 | Video generation has many unique challenges beyond those of image generation.
The temporal dimension introduces extensive possible variations across frames,
over which consistency and continuity may be violated. In this study, we move
beyond evaluating simple actions and argue that generated videos should
incorporate the emergence of new concepts and their relation transitions like
in real-world videos as time progresses. To assess the Temporal
Compositionality of video generation models, we propose TC-Bench, a benchmark
of meticulously crafted text prompts, corresponding ground truth videos, and
robust evaluation metrics. The prompts articulate the initial and final states
of scenes, effectively reducing ambiguities for frame development and
simplifying the assessment of transition completion. In addition, by collecting
aligned real-world videos corresponding to the prompts, we expand TC-Bench's
applicability from text-conditional models to image-conditional ones that can
perform generative frame interpolation. We also develop new metrics to measure
the completeness of component transitions in generated videos, which
demonstrate significantly higher correlations with human judgments than
existing metrics. Our comprehensive experimental results reveal that most video
generators achieve less than 20% of the compositional changes, highlighting
enormous space for future improvement. Our analysis indicates that current
video generation models struggle to interpret descriptions of compositional
changes and synthesize various components across different time steps. | null | cs.CV | [
"cs.CV",
"cs.AI",
"cs.CL"
] |
2407.03321 | HF | Planetarium: A Rigorous Benchmark for Translating Text to Structured Planning Languages | [
"Max Zuo",
"Francisco Piedrahita Velez",
"Xiaochen Li",
"Michael L. Littman",
"Stephen H. Bach"
] | 2024-07-03 | Many recent works have explored using language models for planning problems.
One line of research focuses on translating natural language descriptions of
planning tasks into structured planning languages, such as the planning domain
definition language (PDDL). While this approach is promising, accurately
measuring the quality of generated PDDL code continues to pose significant
challenges. First, generated PDDL code is typically evaluated using planning
validators that check whether the problem can be solved with a planner. This
method is insufficient because a language model might generate valid PDDL code
that does not align with the natural language description of the task. Second,
existing evaluation sets often have natural language descriptions of the
planning task that closely resemble the ground truth PDDL, reducing the
challenge of the task. To bridge this gap, we introduce \benchmarkName, a
benchmark designed to evaluate language models' ability to generate PDDL code
from natural language descriptions of planning tasks. We begin by creating a
PDDL equivalence algorithm that rigorously evaluates the correctness of PDDL
code generated by language models by flexibly comparing it against a ground
truth PDDL. Then, we present a dataset of $132,037$ text-to-PDDL pairs across
13 different tasks, with varying levels of difficulty. Finally, we evaluate
several API-access and open-weight language models that reveal this task's
complexity. For example, $87.6\%$ of the PDDL problem descriptions generated by
GPT-4o are syntactically parseable, $82.2\%$ are valid, solve-able problems,
but only $35.1\%$ are semantically correct, highlighting the need for a more
rigorous benchmark for this problem. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2409.07440 | HF | SUPER: Evaluating Agents on Setting Up and Executing Tasks from Research Repositories | [
"Ben Bogin",
"Kejuan Yang",
"Shashank Gupta",
"Kyle Richardson",
"Erin Bransom",
"Peter Clark",
"Ashish Sabharwal",
"Tushar Khot"
] | 2024-09-11 | Given that Large Language Models (LLMs) have made significant progress in
writing code, can they now be used to autonomously reproduce results from
research repositories? Such a capability would be a boon to the research
community, helping researchers validate, understand, and extend prior work. To
advance towards this goal, we introduce SUPER, the first benchmark designed to
evaluate the capability of LLMs in setting up and executing tasks from research
repositories. SUPERaims to capture the realistic challenges faced by
researchers working with Machine Learning (ML) and Natural Language Processing
(NLP) research repositories. Our benchmark comprises three distinct problem
sets: 45 end-to-end problems with annotated expert solutions, 152 sub problems
derived from the expert set that focus on specific challenges (e.g.,
configuring a trainer), and 602 automatically generated problems for
larger-scale development. We introduce various evaluation measures to assess
both task success and progress, utilizing gold solutions when available or
approximations otherwise. We show that state-of-the-art approaches struggle to
solve these problems with the best model (GPT-4o) solving only 16.3% of the
end-to-end set, and 46.1% of the scenarios. This illustrates the challenge of
this task, and suggests that SUPER can serve as a valuable resource for the
community to make and measure progress. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.SE"
] |
2404.10642 | AnswerAI | Self-playing Adversarial Language Game Enhances LLM Reasoning | [
"Pengyu Cheng",
"Tianhao Hu",
"Han Xu",
"Zhisong Zhang",
"Yong Dai",
"Lei Han",
"Nan Du"
] | 2024-04-16 | We explore the self-play training procedure of large language models (LLMs)
in a two-player adversarial language game called Adversarial Taboo. In this
game, an attacker and a defender communicate around a target word only visible
to the attacker. The attacker aims to induce the defender to speak the target
word unconsciously, while the defender tries to infer the target word from the
attacker's utterances. To win the game, both players should have sufficient
knowledge about the target word and high-level reasoning ability to infer and
express in this information-reserved conversation. Hence, we are curious about
whether LLMs' reasoning ability can be further enhanced by self-play in this
adversarial language game (SPAG). With this goal, we select several open-source
LLMs and let each act as the attacker and play with a copy of itself as the
defender on an extensive range of target words. Through reinforcement learning
on the game outcomes, we observe that the LLMs' performances uniformly improve
on a broad range of reasoning benchmarks. Furthermore, iteratively adopting
this self-play process can continuously promote LLMs' reasoning abilities. The
code is at https://github.com/Linear95/SPAG. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2307.06857 | Both | Lightweight reranking for language model generations | [
"Siddhartha Jain",
"Xiaofei Ma",
"Anoop Deoras",
"Bing Xiang"
] | 2023-07-11 | Large Language Models (LLMs) can exhibit considerable variation in the
quality of their sampled outputs. Reranking and selecting the best generation
from the sampled set is a popular way of obtaining strong gains in generation
quality. In this paper, we present a novel approach for reranking LLM
generations. Unlike other techniques that might involve additional inferences
or training a specialized reranker, our approach relies on easy to compute
pairwise statistics between the generations that have minimal compute overhead.
We show that our approach can be formalized as an extension of self-consistency
and analyze its performance in that framework, theoretically as well as via
simulations. We show strong improvements for selecting the best k generations
for code generation tasks as well as robust improvements for the best
generation for the tasks of autoformalization, summarization, and translation.
While our approach only assumes black-box access to LLMs, we show that
additional access to token probabilities can improve performance even further. | null | cs.AI | [
"cs.AI",
"cs.CL",
"cs.LG"
] |
2305.03668 | HF | A Suite of Generative Tasks for Multi-Level Multimodal Webpage Understanding | [
"Andrea Burns",
"Krishna Srinivasan",
"Joshua Ainslie",
"Geoff Brown",
"Bryan A. Plummer",
"Kate Saenko",
"Jianmo Ni",
"Mandy Guo"
] | 2023-05-05 | Webpages have been a rich, scalable resource for vision-language and language
only tasks. Yet only pieces of webpages are kept in existing datasets:
image-caption pairs, long text articles, or raw HTML, never all in one place.
Webpage tasks have resultingly received little attention and structured
image-text data left underused. To study multimodal webpage understanding, we
introduce the Wikipedia Webpage suite (WikiWeb2M) containing 2M pages with all
of the associated image, text, and structure data. We verify its utility on
three generative tasks: page description generation, section summarization, and
contextual image captioning. We design a novel attention mechanism Prefix
Global, which selects the most relevant image and text content as global tokens
to attend to the rest of the webpage for context. By using page structure to
separate such tokens, it performs better than full attention with lower
computational complexity. Extensive experiments show that the new data in
WikiWeb2M improves task performance compared to prior work. | null | cs.CL | [
"cs.CL",
"cs.CV"
] |
1909.10351 | AnswerAI | TinyBERT: Distilling BERT for Natural Language Understanding | [
"Xiaoqi Jiao",
"Yichun Yin",
"Lifeng Shang",
"Xin Jiang",
"Xiao Chen",
"Linlin Li",
"Fang Wang",
"Qun Liu"
] | 2019-09-23 | Language model pre-training, such as BERT, has significantly improved the
performances of many natural language processing tasks. However, pre-trained
language models are usually computationally expensive, so it is difficult to
efficiently execute them on resource-restricted devices. To accelerate
inference and reduce model size while maintaining accuracy, we first propose a
novel Transformer distillation method that is specially designed for knowledge
distillation (KD) of the Transformer-based models. By leveraging this new KD
method, the plenty of knowledge encoded in a large teacher BERT can be
effectively transferred to a small student Tiny-BERT. Then, we introduce a new
two-stage learning framework for TinyBERT, which performs Transformer
distillation at both the pretraining and task-specific learning stages. This
framework ensures that TinyBERT can capture he general-domain as well as the
task-specific knowledge in BERT.
TinyBERT with 4 layers is empirically effective and achieves more than 96.8%
the performance of its teacher BERTBASE on GLUE benchmark, while being 7.5x
smaller and 9.4x faster on inference. TinyBERT with 4 layers is also
significantly better than 4-layer state-of-the-art baselines on BERT
distillation, with only about 28% parameters and about 31% inference time of
them. Moreover, TinyBERT with 6 layers performs on-par with its teacher
BERTBASE. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2310.19061 | HF | Multimodal ChatGPT for Medical Applications: an Experimental Study of GPT-4V | [
"Zhiling Yan",
"Kai Zhang",
"Rong Zhou",
"Lifang He",
"Xiang Li",
"Lichao Sun"
] | 2023-10-29 | In this paper, we critically evaluate the capabilities of the
state-of-the-art multimodal large language model, i.e., GPT-4 with Vision
(GPT-4V), on Visual Question Answering (VQA) task. Our experiments thoroughly
assess GPT-4V's proficiency in answering questions paired with images using
both pathology and radiology datasets from 11 modalities (e.g. Microscopy,
Dermoscopy, X-ray, CT, etc.) and fifteen objects of interests (brain, liver,
lung, etc.). Our datasets encompass a comprehensive range of medical inquiries,
including sixteen distinct question types. Throughout our evaluations, we
devised textual prompts for GPT-4V, directing it to synergize visual and
textual information. The experiments with accuracy score conclude that the
current version of GPT-4V is not recommended for real-world diagnostics due to
its unreliable and suboptimal accuracy in responding to diagnostic medical
questions. In addition, we delineate seven unique facets of GPT-4V's behavior
in medical VQA, highlighting its constraints within this complex arena. The
complete details of our evaluation cases are accessible at
https://github.com/ZhilingYan/GPT4V-Medical-Report. | null | cs.CV | [
"cs.CV"
] |
2406.19223 | Both | T-FREE: Tokenizer-Free Generative LLMs via Sparse Representations for Memory-Efficient Embeddings | [
"Björn Deiseroth",
"Manuel Brack",
"Patrick Schramowski",
"Kristian Kersting",
"Samuel Weinbach"
] | 2024-06-27 | Tokenizers are crucial for encoding information in Large Language Models, but
their development has recently stagnated, and they contain inherent weaknesses.
Major limitations include computational overhead, ineffective vocabulary use,
and unnecessarily large embedding and head layers. Additionally, their
performance is biased towards a reference corpus, leading to reduced
effectiveness for underrepresented languages.
To remedy these issues, we propose T-FREE, which directly embeds words
through sparse activation patterns over character triplets, and does not
require a reference corpus. T-FREE inherently exploits morphological
similarities and allows for strong compression of embedding layers. In our
exhaustive experimental evaluation, we achieve competitive downstream
performance with a parameter reduction of more than 85% on these layers.
Further, T-FREE shows significant improvements in cross-lingual transfer
learning. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2308.07921 | HF | Solving Challenging Math Word Problems Using GPT-4 Code Interpreter with Code-based Self-Verification | [
"Aojun Zhou",
"Ke Wang",
"Zimu Lu",
"Weikang Shi",
"Sichun Luo",
"Zipeng Qin",
"Shaoqing Lu",
"Anya Jia",
"Linqi Song",
"Mingjie Zhan",
"Hongsheng Li"
] | 2023-08-15 | Recent progress in large language models (LLMs) like GPT-4 and PaLM-2 has
brought significant advancements in addressing math reasoning problems. In
particular, OpenAI's latest version of GPT-4, known as GPT-4 Code Interpreter,
shows remarkable performance on challenging math datasets. In this paper, we
explore the effect of code on enhancing LLMs' reasoning capability by
introducing different constraints on the \textit{Code Usage Frequency} of GPT-4
Code Interpreter. We found that its success can be largely attributed to its
powerful skills in generating and executing code, evaluating the output of code
execution, and rectifying its solution when receiving unreasonable outputs.
Based on this insight, we propose a novel and effective prompting method,
explicit \uline{c}ode-based \uline{s}elf-\uline{v}erification~(CSV), to further
boost the mathematical reasoning potential of GPT-4 Code Interpreter. This
method employs a zero-shot prompt on GPT-4 Code Interpreter to encourage it to
use code to self-verify its answers. In instances where the verification state
registers as ``False'', the model shall automatically amend its solution,
analogous to our approach of rectifying errors during a mathematics
examination. Furthermore, we recognize that the states of the verification
result indicate the confidence of a solution, which can improve the
effectiveness of majority voting. With GPT-4 Code Interpreter and CSV, we
achieve an impressive zero-shot accuracy on MATH dataset \textbf{(53.9\% $\to$
84.3\%)}. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.CV"
] |
2402.00786 | HF | CroissantLLM: A Truly Bilingual French-English Language Model | [
"Manuel Faysse",
"Patrick Fernandes",
"Nuno M. Guerreiro",
"António Loison",
"Duarte M. Alves",
"Caio Corro",
"Nicolas Boizard",
"João Alves",
"Ricardo Rei",
"Pedro H. Martins",
"Antoni Bigata Casademunt",
"François Yvon",
"André F. T. Martins",
"Gautier Viaud",
"Céline Hudelot",
"Pierre Colombo"
] | 2024-02-01 | We introduce CroissantLLM, a 1.3B language model pretrained on a set of 3T
English and French tokens, to bring to the research and industrial community a
high-performance, fully open-sourced bilingual model that runs swiftly on
consumer-grade local hardware. To that end, we pioneer the approach of training
an intrinsically bilingual model with a 1:1 English-to-French pretraining data
ratio, a custom tokenizer, and bilingual finetuning datasets. We release the
training dataset, notably containing a French split with manually curated,
high-quality, and varied data sources. To assess performance outside of
English, we craft a novel benchmark, FrenchBench, consisting of an array of
classification and generation tasks, covering various orthogonal aspects of
model performance in the French Language. Additionally, rooted in transparency
and to foster further Large Language Model research, we release codebases, and
dozens of checkpoints across various model sizes, training data distributions,
and training steps, as well as fine-tuned Chat models, and strong translation
models. We evaluate our model through the FMTI framework, and validate 81 % of
the transparency criteria, far beyond the scores of even most open initiatives.
This work enriches the NLP landscape, breaking away from previous
English-centric work in order to strengthen our understanding of
multilinguality in language models. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2404.01258 | HF | Direct Preference Optimization of Video Large Multimodal Models from Language Model Reward | [
"Ruohong Zhang",
"Liangke Gui",
"Zhiqing Sun",
"Yihao Feng",
"Keyang Xu",
"Yuanhan Zhang",
"Di Fu",
"Chunyuan Li",
"Alexander Hauptmann",
"Yonatan Bisk",
"Yiming Yang"
] | 2024-04-01 | Preference modeling techniques, such as direct preference optimization (DPO),
has shown effective in enhancing the generalization abilities of large language
model (LLM). However, in tasks involving video instruction-following, providing
informative feedback, especially for detecting hallucinations in generated
responses, remains a significant challenge. Previous studies have explored
using large large multimodal models (LMMs) as reward models to guide preference
modeling, but their ability to accurately assess the factuality of generated
responses compared to corresponding videos has not been conclusively
established. This paper introduces a novel framework that utilizes detailed
video captions as a proxy of video content, enabling language models to
incorporate this information as supporting evidence for scoring video Question
Answering (QA) predictions. Our approach demonstrates robust alignment with
OpenAI GPT-4V model's reward mechanism, which directly takes video frames as
input. Furthermore, we show that applying this tailored reward through DPO
significantly improves the performance of video LMMs on video QA tasks. | null | cs.CV | [
"cs.CV",
"cs.AI"
] |
2406.15319 | HF | LongRAG: Enhancing Retrieval-Augmented Generation with Long-context LLMs | [
"Ziyan Jiang",
"Xueguang Ma",
"Wenhu Chen"
] | 2024-06-21 | In traditional RAG framework, the basic retrieval units are normally short.
The common retrievers like DPR normally work with 100-word Wikipedia
paragraphs. Such a design forces the retriever to search over a large corpus to
find the `needle' unit. In contrast, the readers only need to generate answers
from the short retrieved units. The imbalanced `heavy' retriever and `light'
reader design can lead to sub-optimal performance. The loss of contextual
information in the short, chunked units may increase the likelihood of
introducing hard negatives during the retrieval stage. Additionally, the reader
might not fully leverage the capabilities of recent advancements in LLMs. In
order to alleviate the imbalance, we propose a new framework LongRAG,
consisting of a `long retriever' and a `long reader'. In the two
Wikipedia-based datasets, NQ and HotpotQA, LongRAG processes the entire
Wikipedia corpus into 4K-token units by grouping related documents. By
increasing the unit size, we significantly reduce the total number of units.
This greatly reduces the burden on the retriever, resulting in strong retrieval
performance with only a few (less than 8) top units. Without requiring any
training, LongRAG achieves an EM of 62.7% on NQ and 64.3% on HotpotQA, which
are on par with the (fully-trained) SoTA model. Furthermore, we test on two
non-Wikipedia-based datasets, Qasper and MultiFieldQA-en. LongRAG processes
each individual document as a single (long) unit rather than chunking them into
smaller units. By doing so, we achieve an F1 score of 25.9% on Qasper and 57.5%
on MultiFieldQA-en. Our study offers insights into the future roadmap for
combining RAG with long-context LLMs. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2403.09055 | HF | StreamMultiDiffusion: Real-Time Interactive Generation with Region-Based Semantic Control | [
"Jaerin Lee",
"Daniel Sungho Jung",
"Kanggeon Lee",
"Kyoung Mu Lee"
] | 2024-03-14 | The enormous success of diffusion models in text-to-image synthesis has made
them promising candidates for the next generation of end-user applications for
image generation and editing. Previous works have focused on improving the
usability of diffusion models by reducing the inference time or increasing user
interactivity by allowing new, fine-grained controls such as region-based text
prompts. However, we empirically find that integrating both branches of works
is nontrivial, limiting the potential of diffusion models. To solve this
incompatibility, we present StreamMultiDiffusion, the first real-time
region-based text-to-image generation framework. By stabilizing fast inference
techniques and restructuring the model into a newly proposed multi-prompt
stream batch architecture, we achieve $\times 10$ faster panorama generation
than existing solutions, and the generation speed of 1.57 FPS in region-based
text-to-image synthesis on a single RTX 2080 Ti GPU. Our solution opens up a
new paradigm for interactive image generation named semantic palette, where
high-quality images are generated in real-time from given multiple hand-drawn
regions, encoding prescribed semantic meanings (e.g., eagle, girl). Our code
and demo application are available at
https://github.com/ironjr/StreamMultiDiffusion. | null | cs.CV | [
"cs.CV"
] |
2307.09668 | HF | Towards A Unified Agent with Foundation Models | [
"Norman Di Palo",
"Arunkumar Byravan",
"Leonard Hasenclever",
"Markus Wulfmeier",
"Nicolas Heess",
"Martin Riedmiller"
] | 2023-07-18 | Language Models and Vision Language Models have recently demonstrated
unprecedented capabilities in terms of understanding human intentions,
reasoning, scene understanding, and planning-like behaviour, in text form,
among many others. In this work, we investigate how to embed and leverage such
abilities in Reinforcement Learning (RL) agents. We design a framework that
uses language as the core reasoning tool, exploring how this enables an agent
to tackle a series of fundamental RL challenges, such as efficient exploration,
reusing experience data, scheduling skills, and learning from observations,
which traditionally require separate, vertically designed algorithms. We test
our method on a sparse-reward simulated robotic manipulation environment, where
a robot needs to stack a set of objects. We demonstrate substantial performance
improvements over baselines in exploration efficiency and ability to reuse data
from offline datasets, and illustrate how to reuse learned skills to solve
novel tasks or imitate videos of human experts. | null | cs.RO | [
"cs.RO",
"cs.AI",
"cs.LG"
] |
2312.00763 | HF | Beyond ChatBots: ExploreLLM for Structured Thoughts and Personalized Model Responses | [
"Xiao Ma",
"Swaroop Mishra",
"Ariel Liu",
"Sophie Su",
"Jilin Chen",
"Chinmay Kulkarni",
"Heng-Tze Cheng",
"Quoc Le",
"Ed Chi"
] | 2023-12-01 | Large language model (LLM) powered chatbots are primarily text-based today,
and impose a large interactional cognitive load, especially for exploratory or
sensemaking tasks such as planning a trip or learning about a new city. Because
the interaction is textual, users have little scaffolding in the way of
structure, informational "scent", or ability to specify high-level preferences
or goals. We introduce ExploreLLM that allows users to structure thoughts, help
explore different options, navigate through the choices and recommendations,
and to more easily steer models to generate more personalized responses. We
conduct a user study and show that users find it helpful to use ExploreLLM for
exploratory or planning tasks, because it provides a useful schema-like
structure to the task, and guides users in planning. The study also suggests
that users can more easily personalize responses with high-level preferences
with ExploreLLM. Together, ExploreLLM points to a future where users interact
with LLMs beyond the form of chatbots, and instead designed to support complex
user tasks with a tighter integration between natural language and graphical
user interfaces. | null | cs.HC | [
"cs.HC",
"cs.AI",
"cs.CL",
"cs.LG"
] |
2407.16607 | HF | Data Mixture Inference: What do BPE Tokenizers Reveal about their Training Data? | [
"Jonathan Hayase",
"Alisa Liu",
"Yejin Choi",
"Sewoong Oh",
"Noah A. Smith"
] | 2024-07-23 | The pretraining data of today's strongest language models is opaque; in
particular, little is known about the proportions of various domains or
languages represented. In this work, we tackle a task which we call data
mixture inference, which aims to uncover the distributional make-up of training
data. We introduce a novel attack based on a previously overlooked source of
information: byte-pair encoding (BPE) tokenizers, used by the vast majority of
modern language models. Our key insight is that the ordered list of merge rules
learned by a BPE tokenizer naturally reveals information about the token
frequencies in its training data. Given a tokenizer's merge list along with
example data for each category of interest, we formulate a linear program that
solves for the proportion of each category in the tokenizer's training set. In
controlled experiments, we show that our attack recovers mixture ratios with
high precision for tokenizers trained on known mixtures of natural languages,
programming languages, and data sources. We then apply our approach to
off-the-shelf tokenizers released with recent LMs. We confirm much publicly
disclosed information about these models, and also make several new inferences:
GPT-4o and Mistral NeMo's tokenizers are much more multilingual than their
predecessors, training on 39% and 47% non-English language data, respectively;
Llama 3 extends GPT-3.5's tokenizer primarily for multilingual (48%) use;
GPT-3.5's and Claude's tokenizers are trained on predominantly code (~60%). We
hope our work sheds light on current design practices for pretraining data, and
inspires continued research into data mixture inference for LMs. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2307.06940 | HF | Animate-A-Story: Storytelling with Retrieval-Augmented Video Generation | [
"Yingqing He",
"Menghan Xia",
"Haoxin Chen",
"Xiaodong Cun",
"Yuan Gong",
"Jinbo Xing",
"Yong Zhang",
"Xintao Wang",
"Chao Weng",
"Ying Shan",
"Qifeng Chen"
] | 2023-07-13 | Generating videos for visual storytelling can be a tedious and complex
process that typically requires either live-action filming or graphics
animation rendering. To bypass these challenges, our key idea is to utilize the
abundance of existing video clips and synthesize a coherent storytelling video
by customizing their appearances. We achieve this by developing a framework
comprised of two functional modules: (i) Motion Structure Retrieval, which
provides video candidates with desired scene or motion context described by
query texts, and (ii) Structure-Guided Text-to-Video Synthesis, which generates
plot-aligned videos under the guidance of motion structure and text prompts.
For the first module, we leverage an off-the-shelf video retrieval system and
extract video depths as motion structure. For the second module, we propose a
controllable video generation model that offers flexible controls over
structure and characters. The videos are synthesized by following the
structural guidance and appearance instruction. To ensure visual consistency
across clips, we propose an effective concept personalization approach, which
allows the specification of the desired character identities through text
prompts. Extensive experiments demonstrate that our approach exhibits
significant advantages over various existing baselines. | null | cs.CV | [
"cs.CV"
] |
2309.14717 | Both | QA-LoRA: Quantization-Aware Low-Rank Adaptation of Large Language Models | [
"Yuhui Xu",
"Lingxi Xie",
"Xiaotao Gu",
"Xin Chen",
"Heng Chang",
"Hengheng Zhang",
"Zhengsu Chen",
"Xiaopeng Zhang",
"Qi Tian"
] | 2023-09-26 | Recently years have witnessed a rapid development of large language models
(LLMs). Despite the strong ability in many language-understanding tasks, the
heavy computational burden largely restricts the application of LLMs especially
when one needs to deploy them onto edge devices. In this paper, we propose a
quantization-aware low-rank adaptation (QA-LoRA) algorithm. The motivation lies
in the imbalanced degrees of freedom of quantization and adaptation, and the
solution is to use group-wise operators which increase the degree of freedom of
quantization meanwhile decreasing that of adaptation. QA-LoRA is easily
implemented with a few lines of code, and it equips the original LoRA with
two-fold abilities: (i) during fine-tuning, the LLM's weights are quantized
(e.g., into INT4) to reduce time and memory usage; (ii) after fine-tuning, the
LLM and auxiliary weights are naturally integrated into a quantized model
without loss of accuracy. We apply QA-LoRA to the LLaMA and LLaMA2 model
families and validate its effectiveness in different fine-tuning datasets and
downstream scenarios. Code will be made available at
https://github.com/yuhuixu1993/qa-lora. | null | cs.LG | [
"cs.LG",
"cs.CL"
] |
2205.12674 | AnswerAI | Training Language Models with Memory Augmentation | [
"Zexuan Zhong",
"Tao Lei",
"Danqi Chen"
] | 2022-05-25 | Recent work has improved language models (LMs) remarkably by equipping them
with a non-parametric memory component. However, most existing approaches only
introduce mem-ories at testing time or represent them using a separately
trained encoder, resulting in suboptimal training of the language model. In
this work, we present TRIME, a novel yet simple training approach designed for
training LMs with memory augmentation. Our approach uses a training objective
that directly takes in-batch examples as accessible memory. We also present new
methods for memory construction and data batching, which are used for adapting
to different sets of memories--local, long-term, and external memory--at
testing time. We evaluate TRIME on multiple language modeling and machine
translation benchmarks and show that it is able to achieve significant
improvements across all the settings. Concretely, TRIME reduces the perplexity
from 18.70 to 15.37 on WIKITEXT-103, by effectively leveraging a large memory
set from the training corpus. Compared to standard LM training, TRIME adds
negligible computational overhead and is compatible with different neural
architectures, making it a versatile solution for training memory-augmented
LMs. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2404.02101 | HF | CameraCtrl: Enabling Camera Control for Text-to-Video Generation | [
"Hao He",
"Yinghao Xu",
"Yuwei Guo",
"Gordon Wetzstein",
"Bo Dai",
"Hongsheng Li",
"Ceyuan Yang"
] | 2024-04-02 | Controllability plays a crucial role in video generation since it allows
users to create desired content. However, existing models largely overlooked
the precise control of camera pose that serves as a cinematic language to
express deeper narrative nuances. To alleviate this issue, we introduce
CameraCtrl, enabling accurate camera pose control for text-to-video(T2V)
models. After precisely parameterizing the camera trajectory, a plug-and-play
camera module is then trained on a T2V model, leaving others untouched.
Additionally, a comprehensive study on the effect of various datasets is also
conducted, suggesting that videos with diverse camera distribution and similar
appearances indeed enhance controllability and generalization. Experimental
results demonstrate the effectiveness of CameraCtrl in achieving precise and
domain-adaptive camera control, marking a step forward in the pursuit of
dynamic and customized video storytelling from textual and camera pose inputs.
Our project website is at: https://hehao13.github.io/projects-CameraCtrl/. | null | cs.CV | [
"cs.CV"
] |
2310.10505 | AnswerAI | ReMax: A Simple, Effective, and Efficient Reinforcement Learning Method for Aligning Large Language Models | [
"Ziniu Li",
"Tian Xu",
"Yushun Zhang",
"Zhihang Lin",
"Yang Yu",
"Ruoyu Sun",
"Zhi-Quan Luo"
] | 2023-10-16 | Reinforcement Learning from Human Feedback (RLHF) is key to aligning Large
Language Models (LLMs), typically paired with the Proximal Policy Optimization
(PPO) algorithm. While PPO is a powerful method designed for general
reinforcement learning tasks, it is overly sophisticated for LLMs, leading to
laborious hyper-parameter tuning and significant computation burdens. To make
RLHF efficient, we present ReMax, which leverages 3 properties of RLHF: fast
simulation, deterministic transitions, and trajectory-level rewards. These
properties are not exploited in PPO, making it less suitable for RLHF. Building
on the renowned REINFORCE algorithm, ReMax does not require training an
additional value model as in PPO and is further enhanced with a new variance
reduction technique. ReMax offers several benefits over PPO: it is simpler to
implement, eliminates more than 4 hyper-parameters in PPO, reduces GPU memory
usage, and shortens training time. ReMax can save about 46% GPU memory than PPO
when training a 7B model and enables training on A800-80GB GPUs without the
memory-saving offloading technique needed by PPO. Applying ReMax to a
Mistral-7B model resulted in a 94.78% win rate on the AlpacaEval leaderboard
and a 7.739 score on MT-bench, setting a new SOTA for open-source 7B models.
These results show the effectiveness of ReMax while addressing the limitations
of PPO in LLMs. | null | cs.LG | [
"cs.LG"
] |
2310.03214 | Both | FreshLLMs: Refreshing Large Language Models with Search Engine Augmentation | [
"Tu Vu",
"Mohit Iyyer",
"Xuezhi Wang",
"Noah Constant",
"Jerry Wei",
"Jason Wei",
"Chris Tar",
"Yun-Hsuan Sung",
"Denny Zhou",
"Quoc Le",
"Thang Luong"
] | 2023-10-05 | Most large language models (LLMs) are trained once and never updated; thus,
they lack the ability to dynamically adapt to our ever-changing world. In this
work, we perform a detailed study of the factuality of LLM-generated text in
the context of answering questions that test current world knowledge.
Specifically, we introduce FreshQA, a novel dynamic QA benchmark encompassing a
diverse range of question and answer types, including questions that require
fast-changing world knowledge as well as questions with false premises that
need to be debunked. We benchmark a diverse array of both closed and
open-source LLMs under a two-mode evaluation procedure that allows us to
measure both correctness and hallucination. Through human evaluations involving
more than 50K judgments, we shed light on limitations of these models and
demonstrate significant room for improvement: for instance, all models
(regardless of model size) struggle on questions that involve fast-changing
knowledge and false premises. Motivated by these results, we present
FreshPrompt, a simple few-shot prompting method that substantially boosts the
performance of an LLM on FreshQA by incorporating relevant and up-to-date
information retrieved from a search engine into the prompt. Our experiments
show that FreshPrompt outperforms both competing search engine-augmented
prompting methods such as Self-Ask (Press et al., 2022) as well as commercial
systems such as Perplexity.AI. Further analysis of FreshPrompt reveals that
both the number of retrieved evidences and their order play a key role in
influencing the correctness of LLM-generated answers. Additionally, instructing
the LLM to generate concise and direct answers helps reduce hallucination
compared to encouraging more verbose answers. To facilitate future work, we
release FreshQA at github.com/freshllms/freshqa and commit to updating it at
regular intervals. | null | cs.CL | [
"cs.CL"
] |
2403.13799 | HF | Reverse Training to Nurse the Reversal Curse | [
"Olga Golovneva",
"Zeyuan Allen-Zhu",
"Jason Weston",
"Sainbayar Sukhbaatar"
] | 2024-03-20 | Large language models (LLMs) have a surprising failure: when trained on "A
has a feature B", they do not generalize to "B is a feature of A", which is
termed the Reversal Curse. Even when training with trillions of tokens this
issue still appears due to Zipf's law - hence even if we train on the entire
internet. This work proposes an alternative training scheme, called reverse
training, whereby all words are used twice, doubling the amount of available
tokens. The LLM is trained in both forward and reverse directions by reversing
the training strings while preserving (i.e., not reversing) chosen substrings,
such as entities. We show that data-matched reverse-trained models provide
superior performance to standard models on standard tasks, and compute-matched
reverse-trained models provide far superior performance on reversal tasks,
helping resolve the reversal curse issue. | null | cs.CL | [
"cs.CL",
"cs.AI"
] |
2309.04564 | Both | When Less is More: Investigating Data Pruning for Pretraining LLMs at Scale | [
"Max Marion",
"Ahmet Üstün",
"Luiza Pozzobon",
"Alex Wang",
"Marzieh Fadaee",
"Sara Hooker"
] | 2023-09-08 | Large volumes of text data have contributed significantly to the development
of large language models (LLMs) in recent years. This data is typically
acquired by scraping the internet, leading to pretraining datasets comprised of
noisy web text. To date, efforts to prune these datasets down to a higher
quality subset have relied on hand-crafted heuristics encoded as rule-based
filters. In this work, we take a wider view and explore scalable estimates of
data quality that can be used to systematically measure the quality of
pretraining data. We perform a rigorous comparison at scale of the simple data
quality estimator of perplexity, as well as more sophisticated and
computationally intensive estimates of the Error L2-Norm and memorization.
These metrics are used to rank and prune pretraining corpora, and we
subsequently compare LLMs trained on these pruned datasets. Surprisingly, we
find that the simple technique of perplexity outperforms our more
computationally expensive scoring methods. We improve over our no-pruning
baseline while training on as little as 30% of the original training dataset.
Our work sets the foundation for unexplored strategies in automatically
curating high quality corpora and suggests the majority of pretraining data can
be removed while retaining performance. | null | cs.CL | [
"cs.CL",
"cs.LG"
] |
2310.01377 | AnswerAI | UltraFeedback: Boosting Language Models with Scaled AI Feedback | [
"Ganqu Cui",
"Lifan Yuan",
"Ning Ding",
"Guanming Yao",
"Bingxiang He",
"Wei Zhu",
"Yuan Ni",
"Guotong Xie",
"Ruobing Xie",
"Yankai Lin",
"Zhiyuan Liu",
"Maosong Sun"
] | 2023-10-02 | Learning from human feedback has become a pivot technique in aligning large
language models (LLMs) with human preferences. However, acquiring vast and
premium human feedback is bottlenecked by time, labor, and human capability,
resulting in small sizes or limited topics of current datasets. This further
hinders feedback learning as well as alignment research within the open-source
community. To address this issue, we explore how to go beyond human feedback
and collect high-quality \textit{AI feedback} automatically for a scalable
alternative. Specifically, we identify \textbf{scale and diversity} as the key
factors for feedback data to take effect. Accordingly, we first broaden
instructions and responses in both amount and breadth to encompass a wider
range of user-assistant interactions. Then, we meticulously apply a series of
techniques to mitigate annotation biases for more reliable AI feedback. We
finally present \textsc{UltraFeedback}, a large-scale, high-quality, and
diversified AI feedback dataset, which contains over 1 million GPT-4 feedback
for 250k user-assistant conversations from various aspects. Built upon
\textsc{UltraFeedback}, we align a LLaMA-based model by best-of-$n$ sampling
and reinforcement learning, demonstrating its exceptional performance on chat
benchmarks. Our work validates the effectiveness of scaled AI feedback data in
constructing strong open-source chat language models, serving as a solid
foundation for future feedback learning research. Our data and models are
available at https://github.com/thunlp/UltraFeedback. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2308.13565 | AnswerAI | DARWIN Series: Domain Specific Large Language Models for Natural Science | [
"Tong Xie",
"Yuwei Wan",
"Wei Huang",
"Zhenyu Yin",
"Yixuan Liu",
"Shaozhou Wang",
"Qingyuan Linghu",
"Chunyu Kit",
"Clara Grazian",
"Wenjie Zhang",
"Imran Razzak",
"Bram Hoex"
] | 2023-08-25 | Emerging tools bring forth fresh approaches to work, and the field of natural
science is no different. In natural science, traditional manual, serial, and
labour-intensive work is being augmented by automated, parallel, and iterative
processes driven by artificial intelligence-based experimental automation and
more. To add new capabilities in natural science, enabling the acceleration and
enrichment of automation of the discovery process, we present DARWIN, a series
of tailored LLMs for natural science, mainly in physics, chemistry, and
material science. This series relies on open-source LLM, incorporating
structured and unstructured scientific knowledge from public datasets and
literature. We fine-tuned the models using over 60,000 instruction data points,
emphasizing factual correctness. During the fine-tuning, we introduce the
Scientific Instruction Generation (SIG) model, automating instruction
generation from scientific texts. This eliminates the need for manual
extraction or domain-specific knowledge graphs and efficiently injects
scientific knowledge into the model. We also explore multi-task training
strategies, revealing interconnections between scientific tasks. DARWIN series
not only achieves state-of-the-art results on various scientific tasks but also
diminishes reliance on closed-source AI models. Our research showcases the
ability of LLM in the scientific domain, with the overarching goal of fostering
prosperity within the broader AI for science community. | null | cs.CL | [
"cs.CL",
"cond-mat.mtrl-sci",
"physics.app-ph"
] |
2407.20729 | HF | Adapting Safe-for-Work Classifier for Malaysian Language Text: Enhancing Alignment in LLM-Ops Framework | [
"Aisyah Razak",
"Ariff Nazhan",
"Kamarul Adha",
"Wan Adzhar Faiq Adzlan",
"Mas Aisyah Ahmad",
"Ammar Azman"
] | 2024-07-30 | As large language models (LLMs) become increasingly integrated into
operational workflows (LLM-Ops), there is a pressing need for effective
guardrails to ensure safe and aligned interactions, including the ability to
detect potentially unsafe or inappropriate content across languages. However,
existing safe-for-work classifiers are primarily focused on English text. To
address this gap for the Malaysian language, we present a novel safe-for-work
text classifier tailored specifically for Malaysian language content. By
curating and annotating a first-of-its-kind dataset of Malaysian text spanning
multiple content categories, we trained a classification model capable of
identifying potentially unsafe material using state-of-the-art natural language
processing techniques. This work represents an important step in enabling safer
interactions and content filtering to mitigate potential risks and ensure
responsible deployment of LLMs. To maximize accessibility and promote further
research towards enhancing alignment in LLM-Ops for the Malaysian context, the
model is publicly released at
https://huggingface.co/malaysia-ai/malaysian-sfw-classifier. | null | cs.CL | [
"cs.CL"
] |
2312.17243 | HF | Unsupervised Universal Image Segmentation | [
"Dantong Niu",
"Xudong Wang",
"Xinyang Han",
"Long Lian",
"Roei Herzig",
"Trevor Darrell"
] | 2023-12-28 | Several unsupervised image segmentation approaches have been proposed which
eliminate the need for dense manually-annotated segmentation masks; current
models separately handle either semantic segmentation (e.g., STEGO) or
class-agnostic instance segmentation (e.g., CutLER), but not both (i.e.,
panoptic segmentation). We propose an Unsupervised Universal Segmentation model
(U2Seg) adept at performing various image segmentation tasks -- instance,
semantic and panoptic -- using a novel unified framework. U2Seg generates
pseudo semantic labels for these segmentation tasks via leveraging
self-supervised models followed by clustering; each cluster represents
different semantic and/or instance membership of pixels. We then self-train the
model on these pseudo semantic labels, yielding substantial performance gains
over specialized methods tailored to each task: a +2.6 AP$^{\text{box}}$ boost
vs. CutLER in unsupervised instance segmentation on COCO and a +7.0 PixelAcc
increase (vs. STEGO) in unsupervised semantic segmentation on COCOStuff.
Moreover, our method sets up a new baseline for unsupervised panoptic
segmentation, which has not been previously explored. U2Seg is also a strong
pretrained model for few-shot segmentation, surpassing CutLER by +5.0
AP$^{\text{mask}}$ when trained on a low-data regime, e.g., only 1% COCO
labels. We hope our simple yet effective method can inspire more research on
unsupervised universal image segmentation. | null | cs.CV | [
"cs.CV"
] |
2405.14838 | AnswerAI | From Explicit CoT to Implicit CoT: Learning to Internalize CoT Step by Step | [
"Yuntian Deng",
"Yejin Choi",
"Stuart Shieber"
] | 2024-05-23 | When leveraging language models for reasoning tasks, generating explicit
chain-of-thought (CoT) steps often proves essential for achieving high accuracy
in final outputs. In this paper, we investigate if models can be taught to
internalize these CoT steps. To this end, we propose a simple yet effective
method for internalizing CoT steps: starting with a model trained for explicit
CoT reasoning, we gradually remove the intermediate steps and finetune the
model. This process allows the model to internalize the intermediate reasoning
steps, thus simplifying the reasoning process while maintaining high
performance. Our approach enables a GPT-2 Small model to solve 9-by-9
multiplication with up to 99% accuracy, whereas standard training cannot solve
beyond 4-by-4 multiplication. Furthermore, our method proves effective on
larger language models, such as Mistral 7B, achieving over 50% accuracy on
GSM8K without producing any intermediate steps. | null | cs.CL | [
"cs.CL",
"cs.AI",
"cs.LG"
] |
2310.06830 | Both | Lemur: Harmonizing Natural Language and Code for Language Agents | [
"Yiheng Xu",
"Hongjin Su",
"Chen Xing",
"Boyu Mi",
"Qian Liu",
"Weijia Shi",
"Binyuan Hui",
"Fan Zhou",
"Yitao Liu",
"Tianbao Xie",
"Zhoujun Cheng",
"Siheng Zhao",
"Lingpeng Kong",
"Bailin Wang",
"Caiming Xiong",
"Tao Yu"
] | 2023-10-10 | We introduce Lemur and Lemur-Chat, openly accessible language models
optimized for both natural language and coding capabilities to serve as the
backbone of versatile language agents. The evolution from language chat models
to functional language agents demands that models not only master human
interaction, reasoning, and planning but also ensure grounding in the relevant
environments. This calls for a harmonious blend of language and coding
capabilities in the models. Lemur and Lemur-Chat are proposed to address this
necessity, demonstrating balanced proficiencies in both domains, unlike
existing open-source models that tend to specialize in either. Through
meticulous pre-training using a code-intensive corpus and instruction
fine-tuning on text and code data, our models achieve state-of-the-art averaged
performance across diverse text and coding benchmarks among open-source models.
Comprehensive experiments demonstrate Lemur's superiority over existing
open-source models and its proficiency across various agent tasks involving
human communication, tool usage, and interaction under fully- and partially-
observable environments. The harmonization between natural and programming
languages enables Lemur-Chat to significantly narrow the gap with proprietary
models on agent abilities, providing key insights into developing advanced
open-source agents adept at reasoning, planning, and operating seamlessly
across environments. https://github.com/OpenLemur/Lemur | null | cs.CL | [
"cs.CL"
] |
2305.17098 | HF | ControlVideo: Conditional Control for One-shot Text-driven Video Editing and Beyond | [
"Min Zhao",
"Rongzhen Wang",
"Fan Bao",
"Chongxuan Li",
"Jun Zhu"
] | 2023-05-26 | This paper presents \emph{ControlVideo} for text-driven video editing --
generating a video that aligns with a given text while preserving the structure
of the source video. Building on a pre-trained text-to-image diffusion model,
ControlVideo enhances the fidelity and temporal consistency by incorporating
additional conditions (such as edge maps), and fine-tuning the key-frame and
temporal attention on the source video-text pair via an in-depth exploration of
the design space. Extensive experimental results demonstrate that ControlVideo
outperforms various competitive baselines by delivering videos that exhibit
high fidelity w.r.t. the source content, and temporal consistency, all while
aligning with the text. By incorporating Low-rank adaptation layers into the
model before training, ControlVideo is further empowered to generate videos
that align seamlessly with reference images. More importantly, ControlVideo can
be readily extended to the more challenging task of long video editing (e.g.,
with hundreds of frames), where maintaining long-range temporal consistency is
crucial. To achieve this, we propose to construct a fused ControlVideo by
applying basic ControlVideo to overlapping short video segments and key frame
videos and then merging them by pre-defined weight functions. Empirical results
validate its capability to create videos across 140 frames, which is
approximately 5.83 to 17.5 times more than what previous works achieved. The
code is available at
\href{https://github.com/thu-ml/controlvideo}{https://github.com/thu-ml/controlvideo}
and the visualization results are available at
\href{https://drive.google.com/file/d/1wEgc2io3UwmoC5vTPbkccFvTkwVqsZlK/view?usp=drive_link}{HERE}. | null | cs.CV | [
"cs.CV"
] |
2303.06296 | AnswerAI | Stabilizing Transformer Training by Preventing Attention Entropy Collapse | [
"Shuangfei Zhai",
"Tatiana Likhomanenko",
"Etai Littwin",
"Dan Busbridge",
"Jason Ramapuram",
"Yizhe Zhang",
"Jiatao Gu",
"Josh Susskind"
] | 2023-03-11 | Training stability is of great importance to Transformers. In this work, we
investigate the training dynamics of Transformers by examining the evolution of
the attention layers. In particular, we track the attention entropy for each
attention head during the course of training, which is a proxy for model
sharpness. We identify a common pattern across different architectures and
tasks, where low attention entropy is accompanied by high training instability,
which can take the form of oscillating loss or divergence. We denote the
pathologically low attention entropy, corresponding to highly concentrated
attention scores, as $\textit{entropy collapse}$. As a remedy, we propose
$\sigma$Reparam, a simple and efficient solution where we reparametrize all
linear layers with spectral normalization and an additional learned scalar. We
demonstrate that $\sigma$Reparam successfully prevents entropy collapse in the
attention layers, promoting more stable training. Additionally, we prove a
tight lower bound of the attention entropy, which decreases exponentially fast
with the spectral norm of the attention logits, providing additional motivation
for our approach. We conduct experiments with $\sigma$Reparam on image
classification, image self-supervised learning, machine translation, speech
recognition, and language modeling tasks. We show that $\sigma$Reparam provides
stability and robustness with respect to the choice of hyperparameters, going
so far as enabling training (a) a Vision Transformer {to competitive
performance} without warmup, weight decay, layer normalization or adaptive
optimizers; (b) deep architectures in machine translation and (c) speech
recognition to competitive performance without warmup and adaptive optimizers.
Code is available at \url{https://github.com/apple/ml-sigma-reparam}. | null | cs.LG | [
"cs.LG",
"cs.AI",
"cs.CL",
"cs.CV",
"stat.ML"
] |
2408.15995 | HF | TEDRA: Text-based Editing of Dynamic and Photoreal Actors | [
"Basavaraj Sunagad",
"Heming Zhu",
"Mohit Mendiratta",
"Adam Kortylewski",
"Christian Theobalt",
"Marc Habermann"
] | 2024-08-28 | Over the past years, significant progress has been made in creating
photorealistic and drivable 3D avatars solely from videos of real humans.
However, a core remaining challenge is the fine-grained and user-friendly
editing of clothing styles by means of textual descriptions. To this end, we
present TEDRA, the first method allowing text-based edits of an avatar, which
maintains the avatar's high fidelity, space-time coherency, as well as
dynamics, and enables skeletal pose and view control. We begin by training a
model to create a controllable and high-fidelity digital replica of the real
actor. Next, we personalize a pretrained generative diffusion model by
fine-tuning it on various frames of the real character captured from different
camera angles, ensuring the digital representation faithfully captures the
dynamics and movements of the real person. This two-stage process lays the
foundation for our approach to dynamic human avatar editing. Utilizing this
personalized diffusion model, we modify the dynamic avatar based on a provided
text prompt using our Personalized Normal Aligned Score Distillation Sampling
(PNA-SDS) within a model-based guidance framework. Additionally, we propose a
time step annealing strategy to ensure high-quality edits. Our results
demonstrate a clear improvement over prior work in functionality and visual
quality. | null | cs.CV | [
"cs.CV"
] |
2405.08054 | HF | Coin3D: Controllable and Interactive 3D Assets Generation with Proxy-Guided Conditioning | [
"Wenqi Dong",
"Bangbang Yang",
"Lin Ma",
"Xiao Liu",
"Liyuan Cui",
"Hujun Bao",
"Yuewen Ma",
"Zhaopeng Cui"
] | 2024-05-13 | As humans, we aspire to create media content that is both freely willed and
readily controlled. Thanks to the prominent development of generative
techniques, we now can easily utilize 2D diffusion methods to synthesize images
controlled by raw sketch or designated human poses, and even progressively
edit/regenerate local regions with masked inpainting. However, similar
workflows in 3D modeling tasks are still unavailable due to the lack of
controllability and efficiency in 3D generation. In this paper, we present a
novel controllable and interactive 3D assets modeling framework, named Coin3D.
Coin3D allows users to control the 3D generation using a coarse geometry proxy
assembled from basic shapes, and introduces an interactive generation workflow
to support seamless local part editing while delivering responsive 3D object
previewing within a few seconds. To this end, we develop several techniques,
including the 3D adapter that applies volumetric coarse shape control to the
diffusion model, proxy-bounded editing strategy for precise part editing,
progressive volume cache to support responsive preview, and volume-SDS to
ensure consistent mesh reconstruction. Extensive experiments of interactive
generation and editing on diverse shape proxies demonstrate that our method
achieves superior controllability and flexibility in the 3D assets generation
task. | null | cs.GR | [
"cs.GR",
"cs.CV"
] |
2401.01117 | HF | Q-Refine: A Perceptual Quality Refiner for AI-Generated Image | [
"Chunyi Li",
"Haoning Wu",
"Zicheng Zhang",
"Hongkun Hao",
"Kaiwei Zhang",
"Lei Bai",
"Xiaohong Liu",
"Xiongkuo Min",
"Weisi Lin",
"Guangtao Zhai"
] | 2024-01-02 | With the rapid evolution of the Text-to-Image (T2I) model in recent years,
their unsatisfactory generation result has become a challenge. However,
uniformly refining AI-Generated Images (AIGIs) of different qualities not only
limited optimization capabilities for low-quality AIGIs but also brought
negative optimization to high-quality AIGIs. To address this issue, a
quality-award refiner named Q-Refine is proposed. Based on the preference of
the Human Visual System (HVS), Q-Refine uses the Image Quality Assessment (IQA)
metric to guide the refining process for the first time, and modify images of
different qualities through three adaptive pipelines. Experimental shows that
for mainstream T2I models, Q-Refine can perform effective optimization to AIGIs
of different qualities. It can be a general refiner to optimize AIGIs from both
fidelity and aesthetic quality levels, thus expanding the application of the
T2I generation models. | null | cs.CV | [
"cs.CV",
"eess.IV"
] |
2407.19474 | HF | Visual Riddles: a Commonsense and World Knowledge Challenge for Large Vision and Language Models | [
"Nitzan Bitton-Guetta",
"Aviv Slobodkin",
"Aviya Maimon",
"Eliya Habba",
"Royi Rassin",
"Yonatan Bitton",
"Idan Szpektor",
"Amir Globerson",
"Yuval Elovici"
] | 2024-07-28 | Imagine observing someone scratching their arm; to understand why, additional
context would be necessary. However, spotting a mosquito nearby would
immediately offer a likely explanation for the person's discomfort, thereby
alleviating the need for further information. This example illustrates how
subtle visual cues can challenge our cognitive skills and demonstrates the
complexity of interpreting visual scenarios. To study these skills, we present
Visual Riddles, a benchmark aimed to test vision and language models on visual
riddles requiring commonsense and world knowledge. The benchmark comprises 400
visual riddles, each featuring a unique image created by a variety of
text-to-image models, question, ground-truth answer, textual hint, and
attribution. Human evaluation reveals that existing models lag significantly
behind human performance, which is at 82\% accuracy, with Gemini-Pro-1.5
leading with 40\% accuracy. Our benchmark comes with automatic evaluation tasks
to make assessment scalable. These findings underscore the potential of Visual
Riddles as a valuable resource for enhancing vision and language models'
capabilities in interpreting complex visual scenarios. | null | cs.CV | [
"cs.CV",
"cs.CL"
] |
2407.16988 | HF | DreamCar: Leveraging Car-specific Prior for in-the-wild 3D Car Reconstruction | [
"Xiaobiao Du",
"Haiyang Sun",
"Ming Lu",
"Tianqing Zhu",
"Xin Yu"
] | 2024-07-24 | Self-driving industries usually employ professional artists to build
exquisite 3D cars. However, it is expensive to craft large-scale digital
assets. Since there are already numerous datasets available that contain a vast
number of images of cars, we focus on reconstructing high-quality 3D car models
from these datasets. However, these datasets only contain one side of cars in
the forward-moving scene. We try to use the existing generative models to
provide more supervision information, but they struggle to generalize well in
cars since they are trained on synthetic datasets not car-specific. In
addition, The reconstructed 3D car texture misaligns due to a large error in
camera pose estimation when dealing with in-the-wild images. These restrictions
make it challenging for previous methods to reconstruct complete 3D cars. To
address these problems, we propose a novel method, named DreamCar, which can
reconstruct high-quality 3D cars given a few images even a single image. To
generalize the generative model, we collect a car dataset, named Car360, with
over 5,600 vehicles. With this dataset, we make the generative model more
robust to cars. We use this generative prior specific to the car to guide its
reconstruction via Score Distillation Sampling. To further complement the
supervision information, we utilize the geometric and appearance symmetry of
cars. Finally, we propose a pose optimization method that rectifies poses to
tackle texture misalignment. Extensive experiments demonstrate that our method
significantly outperforms existing methods in reconstructing high-quality 3D
cars. \href{https://xiaobiaodu.github.io/dreamcar-project/}{Our code is
available.} | null | cs.CV | [
"cs.CV"
] |
2202.05262 | AnswerAI | Locating and Editing Factual Associations in GPT | [
"Kevin Meng",
"David Bau",
"Alex Andonian",
"Yonatan Belinkov"
] | 2022-02-10 | We analyze the storage and recall of factual associations in autoregressive
transformer language models, finding evidence that these associations
correspond to localized, directly-editable computations. We first develop a
causal intervention for identifying neuron activations that are decisive in a
model's factual predictions. This reveals a distinct set of steps in
middle-layer feed-forward modules that mediate factual predictions while
processing subject tokens. To test our hypothesis that these computations
correspond to factual association recall, we modify feed-forward weights to
update specific factual associations using Rank-One Model Editing (ROME). We
find that ROME is effective on a standard zero-shot relation extraction (zsRE)
model-editing task, comparable to existing methods. To perform a more sensitive
evaluation, we also evaluate ROME on a new dataset of counterfactual
assertions, on which it simultaneously maintains both specificity and
generalization, whereas other methods sacrifice one or another. Our results
confirm an important role for mid-layer feed-forward modules in storing factual
associations and suggest that direct manipulation of computational mechanisms
may be a feasible approach for model editing. The code, dataset,
visualizations, and an interactive demo notebook are available at
https://rome.baulab.info/ | null | cs.CL | [
"cs.CL",
"cs.LG",
"I.2.7"
] |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.