Retrieval Instead of Fine-tuning: A Retrieval-based Parameter Ensemble   for Zero-shot Learning
        - URL: http://arxiv.org/abs/2410.09908v1
- Date: Sun, 13 Oct 2024 16:28:38 GMT
- Title: Retrieval Instead of Fine-tuning: A Retrieval-based Parameter Ensemble   for Zero-shot Learning
- Authors: Pengfei Jin, Peng Shu, Sekeun Kim, Qing Xiao, Sifan Song, Cheng Chen, Tianming Liu, Xiang Li, Quanzheng Li, 
- Abstract summary: We introduce Retrieval-based.
 Ensemble (RPE), a new method that creates a vectorized database of.
Low-Rank Adaptations (LoRAs)
RPE minimizes the need for extensive training and eliminates the requirement for labeled data, making it particularly effective for zero-shot learning.
RPE is well-suited for privacy-sensitive domains like healthcare, as it modifies model parameters without accessing raw data.
- Score: 22.748835458594744
- License: http://creativecommons.org/licenses/by-nc-nd/4.0/
- Abstract:   Foundation models have become a cornerstone in deep learning, with techniques like Low-Rank Adaptation (LoRA) offering efficient fine-tuning of large models. Similarly, methods such as Retrieval-Augmented Generation (RAG), which leverage vectorized databases, have further improved model performance by grounding outputs in external information. While these approaches have demonstrated notable success, they often require extensive training or labeled data, which can limit their adaptability in resource-constrained environments. To address these challenges, we introduce Retrieval-based Parameter Ensemble (RPE), a new method that creates a vectorized database of LoRAs, enabling efficient retrieval and application of model adaptations to new tasks. RPE minimizes the need for extensive training and eliminates the requirement for labeled data, making it particularly effective for zero-shot learning. Additionally, RPE is well-suited for privacy-sensitive domains like healthcare, as it modifies model parameters without accessing raw data. When applied to tasks such as medical report generation and image segmentation, RPE not only proved effective but also surpassed supervised fine-tuning methods in certain cases, highlighting its potential to enhance both computational efficiency and privacy in deep learning applications. 
 
      
        Related papers
        - Exploring Sparse Adapters for Scalable Merging of Parameter Efficient   Experts [72.22148263683037]
 We study the properties of sparse adapters, which train only a subset of weights in the base neural network, as potential building blocks of modular architectures.<n>First, we propose a simple method for training highly effective sparse adapters, which is conceptually simpler than existing methods in the literature.<n>Next, we investigate the merging properties of these sparse adapters by merging adapters for up to 20 natural language processing tasks.
 arXiv  Detail & Related papers  (2025-07-09T03:25:45Z)
- Forewarned is Forearmed: Leveraging LLMs for Data Synthesis through   Failure-Inducing Exploration [90.41908331897639]
 Large language models (LLMs) have significantly benefited from training on diverse, high-quality task-specific data.
We present a novel approach, ReverseGen, designed to automatically generate effective training samples.
 arXiv  Detail & Related papers  (2024-10-22T06:43:28Z)
- Auto-GDA: Automatic Domain Adaptation for Efficient Grounding   Verification in Retrieval Augmented Generation [13.120801609024147]
 retrieval augmented generation (RAG) has been shown to enhance factuality of large language model (LLM) outputs.
RAG inputs are more complex than most datasets used for training NLI models.
We introduce Automatic Generative Domain Adaptation (Auto-GDA) to enable unsupervised domain adaptation.
 arXiv  Detail & Related papers  (2024-10-04T14:21:27Z)
- Accelerating Large Language Model Pretraining via LFR Pedagogy: Learn,   Focus, and Review [50.78587571704713]
 Learn-Focus-Review (LFR) is a dynamic training approach that adapts to the model's learning progress.
LFR tracks the model's learning performance across data blocks (sequences of tokens) and prioritizes revisiting challenging regions of the dataset.
Compared to baseline models trained on the full datasets, LFR consistently achieved lower perplexity and higher accuracy.
 arXiv  Detail & Related papers  (2024-09-10T00:59:18Z)
- MergeRepair: An Exploratory Study on Merging Task-Specific Adapters in   Code LLMs for Automated Program Repair [5.006064616335817]
 Large Language Models (LLMs) have shown high capabilities in several software development-related tasks.<n> adapters offer a more efficient way to customize LLMs for particular needs.<n>Model (and adapter) merging have emerged as a technique to develop one model capable of multiple tasks.
 arXiv  Detail & Related papers  (2024-08-18T18:45:48Z)
- Towards Robust and Parameter-Efficient Knowledge Unlearning for LLMs [25.91643745340183]
 Large Language Models (LLMs) have demonstrated strong reasoning and memorization capabilities via pretraining on massive textual corpora.
This poses risk of privacy and copyright violations, highlighting the need for efficient machine unlearning methods.
We propose Low-rank Knowledge Unlearning (LoKU), a novel framework that enables robust and efficient unlearning for LLMs.
 arXiv  Detail & Related papers  (2024-08-13T04:18:32Z)
- CorDA: Context-Oriented Decomposition Adaptation of Large Language   Models for Task-Aware Parameter-Efficient Fine-tuning [101.81127587760831]
 Current fine-tuning methods build adapters widely of the context of downstream task to learn, or the context of important knowledge to maintain.<n>We propose CorDA, a Context-oriented Decomposition Adaptation method that builds learnable task-aware adapters.<n>Our method enables two options, the knowledge-preserved adaptation and the instruction-previewed adaptation.
 arXiv  Detail & Related papers  (2024-06-07T19:10:35Z)
- Towards Modular LLMs by Building and Reusing a Library of LoRAs [64.43376695346538]
 We study how to best build a library of adapters given multi-task data.
We introduce model-based clustering, MBC, a method that groups tasks based on the similarity of their adapter parameters.
To re-use the library, we present a novel zero-shot routing mechanism, Arrow, which enables dynamic selection of the most relevant adapters.
 arXiv  Detail & Related papers  (2024-05-18T03:02:23Z)
- Parameter-Efficient Fine-Tuning With Adapters [5.948206235442328]
 This research introduces a novel adaptation method utilizing the UniPELT framework as a base.
Our method employs adapters, which enable efficient transfer of pretrained models to new tasks with minimal retraining of the base model parameters.
 arXiv  Detail & Related papers  (2024-05-09T01:40:38Z)
- From Data Deluge to Data Curation: A Filtering-WoRA Paradigm for   Efficient Text-based Person Search [19.070305201045954]
 In text-based person search endeavors, data generation has emerged as a prevailing practice, addressing concerns over privacy preservation and the arduous task of manual annotation.
We observe that only a subset of the data in constructed datasets plays a decisive role.
We introduce a new Filtering-WoRA paradigm, which contains a filtering algorithm to identify this crucial data subset and WoRA learning strategy for light fine-tuning.
 arXiv  Detail & Related papers  (2024-04-16T05:29:14Z)
- EsaCL: Efficient Continual Learning of Sparse Models [10.227171407348326]
 Key challenge in the continual learning setting is to efficiently learn a sequence of tasks without forgetting how to perform previously learned tasks.
We propose a new method for efficient continual learning of sparse models (EsaCL) that can automatically prune redundant parameters without adversely impacting the model's predictive power.
 arXiv  Detail & Related papers  (2024-01-11T04:59:44Z)
- PILoRA: Prototype Guided Incremental LoRA for Federated   Class-Incremental Learning [41.984652077669104]
 Experimental results on standard datasets indicate that our method outperforms the state-of-the-art approaches significantly.
Our method exhibits strong robustness and superiority in different settings and degrees of data heterogeneity.
 arXiv  Detail & Related papers  (2024-01-04T06:46:19Z)
- Back to Basics: A Simple Recipe for Improving Out-of-Domain Retrieval in
  Dense Encoders [63.28408887247742]
 We study whether training procedures can be improved to yield better generalization capabilities in the resulting models.
We recommend a simple recipe for training dense encoders: Train on MSMARCO with parameter-efficient methods, such as LoRA, and opt for using in-batch negatives unless given well-constructed hard negatives.
 arXiv  Detail & Related papers  (2023-11-16T10:42:58Z)
- RGM: A Robust Generalizable Matching Model [49.60975442871967]
 We propose a deep model for sparse and dense matching, termed RGM (Robust Generalist Matching)
To narrow the gap between synthetic training samples and real-world scenarios, we build a new, large-scale dataset with sparse correspondence ground truth.
We are able to mix up various dense and sparse matching datasets, significantly improving the training diversity.
 arXiv  Detail & Related papers  (2023-10-18T07:30:08Z)
- Efficient Adaptation of Large Vision Transformer via Adapter
  Re-Composing [8.88477151877883]
 High-capacity pre-trained models have revolutionized problem-solving in computer vision.
We propose a novel Adapter Re-Composing (ARC) strategy that addresses efficient pre-trained model adaptation.
Our approach considers the reusability of adaptation parameters and introduces a parameter-sharing scheme.
 arXiv  Detail & Related papers  (2023-10-10T01:04:15Z)
- Learning Objective-Specific Active Learning Strategies with Attentive
  Neural Processes [72.75421975804132]
 Learning Active Learning (LAL) suggests to learn the active learning strategy itself, allowing it to adapt to the given setting.
We propose a novel LAL method for classification that exploits symmetry and independence properties of the active learning problem.
Our approach is based on learning from a myopic oracle, which gives our model the ability to adapt to non-standard objectives.
 arXiv  Detail & Related papers  (2023-09-11T14:16:37Z)
- Efficient Match Pair Retrieval for Large-scale UAV Images via Graph
  Indexed Global Descriptor [9.402103660431791]
 This paper proposes an efficient match pair retrieval method and implements an integrated workflow for parallel SfM reconstruction.
The proposed solution has been verified using three large-scale datasets.
 arXiv  Detail & Related papers  (2023-07-10T12:41:55Z)
- Zero-shot Composed Text-Image Retrieval [72.43790281036584]
 We consider the problem of composed image retrieval (CIR)
It aims to train a model that can fuse multi-modal information, e.g., text and images, to accurately retrieve images that match the query, extending the user's expression ability.
 arXiv  Detail & Related papers  (2023-06-12T17:56:01Z)
- Fusing Local Similarities for Retrieval-based 3D Orientation Estimation
  of Unseen Objects [70.49392581592089]
 We tackle the task of estimating the 3D orientation of previously-unseen objects from monocular images.
We follow a retrieval-based strategy and prevent the network from learning object-specific features.
Our experiments on the LineMOD, LineMOD-Occluded, and T-LESS datasets show that our method yields a significantly better generalization to unseen objects than previous works.
 arXiv  Detail & Related papers  (2022-03-16T08:53:00Z)
- Cost Aggregation Is All You Need for Few-Shot Segmentation [28.23753949369226]
 We introduce Volumetric Aggregation with Transformers (VAT) to tackle the few-shot segmentation task.
VAT uses both convolutions and transformers to efficiently handle high dimensional correlation maps between query and support.
We find that the proposed method attains state-of-the-art performance even for the standard benchmarks in semantic correspondence task.
 arXiv  Detail & Related papers  (2021-12-22T06:18:51Z)
- DEALIO: Data-Efficient Adversarial Learning for Imitation from
  Observation [57.358212277226315]
 In imitation learning from observation IfO, a learning agent seeks to imitate a demonstrating agent using only observations of the demonstrated behavior without access to the control signals generated by the demonstrator.
Recent methods based on adversarial imitation learning have led to state-of-the-art performance on IfO problems, but they typically suffer from high sample complexity due to a reliance on data-inefficient, model-free reinforcement learning algorithms.
This issue makes them impractical to deploy in real-world settings, where gathering samples can incur high costs in terms of time, energy, and risk.
We propose a more data-efficient IfO algorithm
 arXiv  Detail & Related papers  (2021-03-31T23:46:32Z)
- Learning to Augment for Data-Scarce Domain BERT Knowledge Distillation [55.34995029082051]
 We propose a method to learn to augment for data-scarce domain BERT knowledge distillation.
We show that the proposed method significantly outperforms state-of-the-art baselines on four different tasks.
 arXiv  Detail & Related papers  (2021-01-20T13:07:39Z)
- Parameter-Efficient Transfer from Sequential Behaviors for User Modeling
  and Recommendation [111.44445634272235]
 In this paper, we develop a parameter efficient transfer learning architecture, termed as PeterRec.
PeterRec allows the pre-trained parameters to remain unaltered during fine-tuning by injecting a series of re-learned neural networks.
We perform extensive experimental ablation to show the effectiveness of the learned user representation in five downstream tasks.
 arXiv  Detail & Related papers  (2020-01-13T14:09:54Z)
This list is automatically generated from the titles and abstracts of the papers in this site.
       
     
           This site does not guarantee the quality of this site (including all information) and is not responsible for any consequences.