【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

  • 英文标题:Transferability in Deep Learning: A Survey
  • 中文标题:深度学习中的可迁移性综述
  • 论文下载链接:arxiv@2201.05867

序言

这篇综述整体来说还是比较详实的,迁移学习本身在人工智能中的应用是非常广泛的,因此很容易与其他方法相结合,原文第三大节关于适应性的部分是非常关键的,也是本笔注的重点内容,理论性极强,其他两部分相对要水一些,很多老生常谈的东西就不作记录了。个人感觉是比较适合有一定机器学习基础,然后希望巩固迁移学习相关知识的人进行阅读理解。

摘要

The success of deep learning algorithms generally depends on large-scale data, while humans appear to have inherent ability of knowledge transfer, by recognizing and applying relevant knowledge from previous learning experiences when encountering and solving unseen tasks. Such an ability to acquire and reuse knowledge is known as transferability in deep learning. It has formed the long-term quest towards making deep learning as data-efficient as human learning, and has been motivating fruitful design of more powerful deep learning algorithms. We present this survey to connect different isolated areas in deep learning with their relation to transferability, and to provide a unified and complete view to investigating transferability through the whole lifecycle of deep learning. The survey elaborates the fundamental goals and challenges in parallel with the core principles and methods, covering recent cornerstones in deep architectures, pre-training, task adaptation and domain adaptation. This highlights unanswered questions on the appropriate objectives for learning transferable knowledge and for adapting the knowledge to new tasks and domains, avoiding catastrophic forgetting and negative transfer. Finally, we implement a benchmark and an open-source library, enabling a fair evaluation of deep learning methods in terms of transferability.

1 导论 Introduction

  • 预训练本身就是一种迁移学习。

  • 迁移学习分为两阶段:预训练(pre-training)与适应(adaptation)。前者关注一般的可迁移性(generic transferability),后者关注具体的可迁移性(specific transferability)。

    f1

1.1 术语 Terminology

数学标记具体含义
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)输入空间
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)输出空间
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是需要学习的标注函数
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是给定的损失函数
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)上的某个未知分布
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)独立同分布采样自【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的样本【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)定义在【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)上的事件概率
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)随机变量数学期望
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)上游数据
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)下游数据的源领域
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)下游数据的目标领域
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)领域的任务,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)可以取【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)假设空间(可以理解为模型集合)
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)假设空间中的一个假设(下文中如不作特殊说明,假设和模型含义相同)
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)特征生成器
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)假设参数
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)模型输入
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)模型输出
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)隐层特征激活生成结果
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)用于区分不同分布的辨识器

定义【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(可迁移性)

给定源领域【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的学习任务【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)以及目标领域【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的学习任务【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)可迁移性(transferability)指从【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中获取可迁移的知识,将获取到的知识在【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中进行重用并能够使得【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)泛化误差降低,其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

1.2 概述 Overview

本文分三部分展开:

  1. 预训练(Pre-training):关于一些重要的迁移模型架构,有监督的预训练与无监督的预训练方法综述。这部分相对浅显,只对重点内容进行摘要记录。
  2. 适应性(Adaptation):重点在任务适应性(task adaptation)与领域适应性(domain adaptation),这部分理论性极强,尤其是领域适应性部分汇总了大量的定理与统计结果,感觉就不是同一个人写的。
  3. 评估(Evaluation):本文提出一个开源包用于迁移学习的通用算法以及评估,项目地址在GitHub@TLlib

f2

2 预训练 Pre-Training

2.1 预训练模型 Pre-Training Model

  • 一般来说,预训练任务学习的好坏直接影响预训练模型在下游任务中的应用性能。

  • 一般来说,预训练会在非常大量的数据集上进行,因此如RNN和CNN这种做了局部连接假设的模型架构通常不会被作为预训练模型架构(因为数据足够多,不需要简化模型架构),目前主流的基本伤都是基于Transformer的大规模预训练模型。相较于RNN和CNN,Transformer对输入数据的结构几乎不作任何假定,即可以用于处理更广泛的数据类型。

  • 预训练模型在迁移学习中的发展历程(如Figure 3所示):

    f3

  • Figure 4中左图是直接训练时模型参数搜索的过程,右图是预训练迁移后的模型参数搜索过程,意思是说预训练的本质是缩小了模型参数的搜索范围(不过似乎也可以理解为是找到了一个更好的初始点):

    f4

2.2 有监督的预训练模型 Supervised Pre-training Model

  • 有监督的预训练目的是在大规模标注数据上训练获得预训练模型,然后再迁移以增强下游任务(如Figure 5所示)。

    f5

  • 标准的有监督的预训练在标注数据量重组的情况下是非常有用的,但是它有时候对于对立样本(adversarial examples)的存在是极其敏感的,这可能会影响迁移的鲁棒性。因此本部分将会着重介绍另外两种有监督的预训练方法。

2.2.1 元学习 Meta Learning

  • 所谓元学习(meta-learning),通俗而言即学习如何学习,以提升迁移的效率。其核心在于将元知识(meta knowledge)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)与模型融合,元知识【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)可以捕获不同学习任务的本质属性(intrinsic properties),又称为元训练(meta-training)。当需要解决一个新任务时,学习到的元知识救可以帮助目标模型参数【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)快速适应到新任务中,这个过程称为元测试(meta-testing)。

  • 如Figure 6所示,左图是为了模拟元测试过程中的快速适应条件,将元训练数据构造成一个由【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)个学习任务组成的集合,每个任务分别对应一个学习任务【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),包含用于适应此任务的训练集【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)和用于评估的测试集【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),右图则是说明元训练的目标函数是一个二级优化问题:
    【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
    这里内层优化用于更新模型参数【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),外层优化用于寻找更好的元知识用于迁移,元学习的关键就在于如何构建元知识的形式。

    f6

  • 基于内存的元学习(memory-based meta-learning):

    控制器将从训练数据【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中挖掘得到的知识写入内存,并从内存中读取知识以使用基础学习器【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)在测试数据【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)上进行预测,控制器的参数将不断更新。感觉上这个并不是什么很新奇的方法,本质上你在做项目时预先存好的一些预处理数据都可以视为是基于内存的元学习

    如参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)提出的内存增强神经网络(memory-augmented neural networks,MANN)将绑定样本表示类信息(bound sample representation-class label information)存储在外部内存中,以用于检索作为特征来进行预测。参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)则是提出另一种内存机制,基础学习器用于提供关于当前任务的状态,元学习器则与外部内存交互以生成用于基础学习器的模型参数,以快速学习新任务。

    基于内存的元学习对于如少射分类(few-shot classification)以及强化学习的下游任务是比较有优势的,但是需要设计黑盒架构来合并内存机制,往往我们并不知道到底存储了什么东西,以及为什么存储的东西是有益于模型迁移的。

  • 基于优化的元学习(optimization-based meta-learning):

    这种方法考察的是将模型较好的初始化作为元知识。如参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中提出的模型不可知元学习(model-agnostic meta-learning,MAML)直接寻找一个最适合迁移微调的初始化,即只需要少量梯度下降迭代以及少量标注数据即可适应到新任务中。为了学习这样的一个初始化,对于每一个样本任务【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),模型【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)首先其训练数据【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)上进行一次步长为【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的梯度下降迭代:

    【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

    这是在模仿从【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)这个点开始对模型进行微调。作为元知识,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)应当具有良好的可迁移性,因此对于所有任务【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),经过微调的参数【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)在测试集【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)上的表现应当很好:

    【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

    注意道MAML的元知识维数太高,因此参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)使用标准的预训练作为初始化来进行改进。另外,参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)也对MAML进行了一定改进。

  • 元学习的表现并不稳定,有时候会比标准的预训练方法更差。

2.2.2 因果学习 Casual Learning

因果学习(casual learning)旨在对分布外的(out-of-distribution,OOD)领域进行外推式的(extrapolated)迁移学习。其核心是使用某种因果机制(causal mechanisms)来捕获复杂真实世界的分布,当分布发生变化时,只有少数因果机制发生变化,而其余保持不变,这样即可得到更好的OOD推广。具体如Figure 7所示:

f7

因果机制由一张有向无环图中的顶点作为变量表示,每一条边表示了某种因果关系,这样就可以在给定父节点分布的条件下,得到每个变量的联合分布的非纠缠因子分解(disentangled factorization)形式,此时分布上的一些小变化只会对非纠缠因子分解的局部或者以一种稀疏的方式进行影响。因果学习的关键问题是获取由独立因果机制控制的变量,下面是两种常用的方法:

  • 模块化模型(modular model):参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),简而言之就是使用LSTM或者GRU来作为因果机制的表示模块。

  • 不变学习(invariant learning):参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

    这里介绍后一篇参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的方法,给定数据表示【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),以及训练环境【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),表示与输出的条件概率是不变的若有一个分类器【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)同时对于所有环境都是最优的。着可以表示为下面带约束的优化问题:
    【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
    其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)表示在环境【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中预测器【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的期望误差。

2.3 无监督的预训练模型

无监督预训练主要是指自监督学习(self-supervised learning),重点在于如何构建自监督学习任务用于预训练,方法主要可以分为生成学习(generative learning)与对比学习(contrastive learning)两大类。

2.3.1 生成学习 Generative Learning

  • 如Figure 8所示,生成学习中采用一个编码器【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)将扰乱的输入【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)映射到隐层表示【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),一个解码器【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)将表示重构为一个估计输入【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),模型通过最小化重构误差【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)进行训练。这样做的目的是为了赋予模型以生成数据分布的能力。

    f8

  • 生成学习方法可以分为两类:自回归模型(auto-regressive)与自编码模型(auto-encoding)。

    • 自回归模型:老生常谈,如Figure 9所示,典型的语言模型及其若干变体就属于自回归模型。

      f9

      给定文本序列【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),语言模型的训练目标是最大化每个分词的条件概率:
      【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
      经典的GPT模型(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey))即属于自回归模型。

    • 自编码模型:思想是根据编码表示生成原始数据来近似数据分布,常见的BERT模型就属于自编码模型。

      在Figure 9中的最后一张图中的掩盖语言模型(Masked Language Model,MLM,这个也是BERT模型训练中使用的机制),首先用【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)标记在输入语句【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中随机掩盖掉一些分词【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),然后训练模型根据剩余的分词【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)来预测这些掩盖掉分词:
      【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
      这种掩盖的思想是很常用的。

    • 自回归自编码混合模型

      在Figure 9中的第三张图置换语言模型(permuted language model,PLM,参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey))首先随机地置换采样了语句序列地顺序,然后再在置换后的序列上进行自回归预测。其他的一些经典模型的训练也都采用了类似的方法(即既挖空,又改变顺序),比如T5模型(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)),RoBERTa(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)),ERNIE(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)),SpanBERT(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)),BART(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)),GPT-3(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)),多语言BERT(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)),XLM(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey))。

2.3.2 对比学习 Contrastive Learning

  • 如Figure 10所示,在对比学习中,有两个不同的视图(views),查询【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)与键【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(由原始数据【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)构建得到),编码器将不同的视图映射到隐层表示,解码器则进一步将隐层表示映射到指标空间(metric space)。模型学习的目标是最小化同一个样本【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的查询和键之间的距离。

    f10

  • 典型的对比学习方法:

    • 互信息最大化(mutual information maximization):

      以参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)提出的深度信息最大化(Deep InfoMax)模型为例,它旨在从高级别的全局上下文以及低级别的局部特征之间的联系来学习得到可迁移的表示。具体而言,给定输入【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),模型学习一个编码器【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)来最大化【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的输入输出之间的互信息互信息可以通过训练一个区分器(discriminator)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)来区分它们联合分布与边际值(marginals)乘积来被估计与约束。通过使用噪声对比估计(noise-contrastive estimation,NCE)方法,模型的训练目标为:
      【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
      其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是从上游任务的训练分布【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中采样得到的输入样本,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是从另一个分布【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中采样得到的样本,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)用于区分联合分布与边际值乘积。

      其余的一些相关工作包括参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),最后一篇是处理零射问题的。

    • 相关位置预测(relative position prediction):

      这里主要讲的是下一句预测(next sentence prediction,NSP)任务,这个任务首次在BERT模型中使用,此后经典的ALBERT模型(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey))也是使用的类似的预训练策略。

    • 样例区分(instance discrimination):

      这里介绍的是参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的InstDisc模型,旨在根据样例间的关系来学习可迁移的表示。具体而言,给定【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)个样例,训练编码器【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)用于区分不同的样例,即最小化同一样例的查询【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)与键【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)之间的距离(这也称为整个样本),以及最大化不同样本之间的查询【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)与键【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)之间的距离(这也称为负样本):
      【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
      其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是一个超参数用于控制softmax值的偏移程度,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是负样本的数量,其实这个就是负采样。

      如Figure 11所示,InstDisc模型使用了一个内存条(memory bank)来存储每个键最近更新的表示,由此增加了负样本的数量,可能会导致不一致的特征表示:

      f11

      其他的一些相关研究包括参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

2.4 注释 Remarks

总结一下本小节所有方法的性能:

方法模态延展性任务延展性数据功效标注成本
标准预训练
元学习
因果学习
生成学习
对比学习

字段说明:

  • 模态延展性(modality scalability):能否用于多模态数据,如文本、图片、音像。
  • 任务延展性(task scalability):能否轻松的将预训练模型迁移到不同下游任务中。
  • 数据功效(data efficiency):能否通过大规模预训练获得强有力的可迁移性。
  • 标注成本(labeling cost):是否依赖手动数据标注。

3 适应性 Adaptation

3.1 任务适应性 Task Adaptation

所谓任务适应性(task adaptation),指给定一个预训练模型【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)以及目标领域【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(带标签的【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)个样本对),我们的目的是据此在假设空间【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中找到一个具体的假设【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),使得风险【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)最小化。

一般而言,有两种方法将预训练模型适应到下游任务中:

  1. 特征转换(feature transfer):此时预训练模型的网络层权重将被固定,只是再训练一个全连接网络用于输入特征转换。
  2. 微调(finetune):此时预训练模型的网络层权重相当于是模型训练的一个初始点,将继续在目标领域的样本对中继续训练优化其网络层权重。

特征转换操作便利、成本更小,但微调得到的模型性能通常会更好。

这里有一个概念叫作基准微调(vanilla finetune),即直接在目标数据上,根据经验风险最小化(empirical risk minimization)对预训练模型进行微调,但是这种方法将会受到灾难性遗忘(catastrophic forgetting)与负迁移(negative transfer)问题的困扰,Section 3.1.1与Section 3.1.2主要探讨的是如何缓解这两个问题。此外因为模型尺寸与训练数据量越来越庞大,Section 3.1.3与Section 3.1.4将探讨参数功效(parameter efficiency)与数据功效(data efficiency)的问题。

f12

3.1.1 灾难性遗忘 Catastrophic Forgetting

  • 灾难性遗忘的概念最早在终身学习(lifelong learning)中提出,指的是机器学习模型在新任务中训练时会逐渐损失从先前任务中学习到的知识(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey))。

  • 微调环节中,由于已标注数据的稀缺,可能会导致模型在目标数据上训练到过拟合,这种现象称为表征崩溃(representational collapse,参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey))。

  • 传统的解决方案是训练模型时采用微小的学习率并采用早停(early-stopping)策略,但是容易使得模型陷入局部最优,一些比较新的研究方法:

    • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey):发现模型中不同网络层的可迁移性是有区别的,因此在迁移时对待不同网络层的训练方式应当有所区别;
    • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey):基于上述发现,提出深度适应网络(deep adaptation network,DAN),这种网络架构中具体任务头(task-specific head)的的学习率是其他层的十倍;
    • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey):从预训练模型的最后一层逐渐解冻(unfreeze)网络层权重直到第一层,这样可以有效地保留第一层中预训练的知识。
    • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey):提出一个基于策略网络(policy networks)的强化学习算法指导微调。
  • 微调的两种方法:

    • 领域适应调优(domain adaptive tuning):参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

      指在源领域预训练模型,然后在目标领域的训练样本对上进行调优,通常预训练任务是无监督的,如Figure 13所示,参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)提出在微调时首先会先在一个与预训练任务相关的适应性任务【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)上进行微调,然后再在目标领域【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)上进行微调,两阶段的微调常可以通过多任务学习(multi-task learning)技术进行结合。

      f13

    • 正则化调优(regularization tuning):参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
      【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
      其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是损失函数,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是正则项的一般形式(如【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)即为【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)正则项),【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是惩罚系数。

      这里记录参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)提出的弹性权重合并(Elastic Weight Consolidation,EWC)中使用的正则项:
      【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
      其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)费雪信息矩阵估计量(estimated Fisher information matrix),【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)分别是微调后的模型与预训练模型对应网络层的参数,正则项本质是希望微调不会太多改变预训练模型的网络层权重。

      事实上,EWC基于的假设是如果网络层的权重相似,那么它们的输出也是相似的,但是因为神经网络的尺寸越来越大,网络层权重的微小改变极容易产生蝴蝶效应,因此海域另外两篇参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)提出的DELTA与LWF,前者正则化的是预训练模型与微调模型对应网络层输出特征之间差值,后者正则化的是直接是模型最终输出结果差值,三者具体图示详见Figure 14:

      f14

      另一种正则化的思想基于正则化本质是使得模型更加平滑,因此参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)直接通过使得在对模型输入进行微小扰动的情况下,模型输出不能发生太大变化,以强制实现平滑模型,如此构建的正则项为:
      【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
      其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是一个小正数,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是扰动前后的模型输入,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是衡量两个模型输出的距离的损失函数,比如用于分类的对称KL散度或者均方误差。

      最后一种其他的正则化方法是基于参数更新策略

      • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)随机标准化(stochastic normalization),即随机用预训练模型中的批正则化层(batch-normalization layer,参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey))的统计量(statistics)来替换掉目标统计量,由此作为一种间接的正则化以减轻对目标统计量的依赖。
      • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey):直接用部分预训练模型权重替换微调模型权重。
      • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey):根据某种标准只选取部分参数在微调中进行更新。

      f16

3.1.2 负迁移 Negative Transfer

  • 负迁移(negative transfer)的概念由参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)提出。

  • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)进一步提出衡量不同领域之间负迁移程度的方法,本文将这种想法推广到预训练与微调。

定义【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(负迁移差距)

【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)表示从上游数据【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中预训练的模型适应到目标数据【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中的一个模型,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)表示直接从【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)上训练得到的模型,则负迁移差距(negative transfer gap)定义为:
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
称发生了负迁移,若【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)为正。

  • 笔者注

    根据定义,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)衡量的是迁移得到的模型与直接训练得到的模型之间的性能差距(损失函数值之间的差距)。若【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)为正,即发生了负迁移,这说明迁移得到的模型还不如直接从目标数据上进行训练得到的模型,那么迁移本身就是无意义的。

  • 负迁移出现的原因:

    • 上游任务与下游任务关联度不高的情形(分布漂移过大):参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是分词预测和文档分类中的情形;

    • 取决于已标注的目标数据规模:并不是越大越好,参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)就说明ImageNet预训练模型在进行大规模实体发现数据集上(比如COCO数据集)的表现就不是很理想;

    • 取决于任务适应性算法:理想的适应性算法应当能够提升相关任务之间的正迁移性而避免不相关任务之间的负迁移性,但是这两者其实是矛盾的,具体如Figure 15所示:

      f15

  • 避免负迁移的方法:(这部分感觉废话居多,纯凑字数)

    • 增强安全迁移(enhancing safe transfer):参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),指识别出预训练模型中具有危害的知识。
    • 选取正确的预训练模型:参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

3.1.3 参数功效 Parameter Efficiency

  • 参数功效(parameter efficiency)考察的是预训练模型会为每一个下游任务生成完整的一套模型参数,这在存储上非常不利。一种解决方案是使用参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)提出的多任务学习技术,即微调一个模型来解决多个目标任务,或许对每一个目标任务都有利。问题在于多个目标任务未必关联度很高,此时还是需要分别微调,且多任务学习需要同时访问每一个目标任务,这在线上场景(online scenarios)中是不可实现的(目标任务是一个接一个到来的)。

  • 提升参数功效的方法:

    • 残差调优(residual tuning):参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

      残差调优的思想源于拟合残差要比直接拟合函数更容易。这里只记录参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的方法(其他几篇写得都太笼统,没有什么参考意义),固定预训练模型【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)权重,额外训练一个新的模型【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)来拟合残差,最终的模型为【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),注意【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)在训练过程中是可以发生改变的。

    • 参数差异调优(parameter difference tuning):参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
      【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
      其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是元素级别相加(其实跟普通加法也没啥区别),【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是固定的预训练模型权重,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)则是具体任务不同的残差权重,我们的目的是归约(reduce)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)以实现参数功效。

      • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey):使用【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的惩罚项(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)),以使得【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)稀疏。
      • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey):使用参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)提出的FastFood变换矩阵【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)以使得【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)低维(【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey))。
      • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey):将加法替换为乘法,即【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

    两种方法的区别在于前者认为可迁移性源于模型输出特征,后者认为可迁移性源于模型权重。

3.1.4 数据功效 Data Efficiency

  • 数据功效(data efficiency)讨论的是适应训练需要耗费大量标注样本对,为降低对训练数据的依赖性,由此引出的概念是少射学习(few-shot learning)与零射学习(zero-shot learning)。主要的思路有两个,一是提升预训练模型的广泛适用性(可以集成更多的知识和数据到预训练模型中),二是根据源领域数据简单快捷地生成目标领域数据及其标注

  • 提升数据功效的方法:,

    • 指标学习(metric learning):参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

      主要指的是大模型在少量数据训练极易过拟合,但是可以考虑使用一些非参方法,比如近邻算法可以有效处理过拟合、少射问题、零射问题等。

      • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey):注意力机制在获得加权近邻方面的应用。(感觉这也太牵强了)
      • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey):对于分类问题,认为每一类中所有样本特征的均值可以作为该类别的类型(prototype),然后通过寻找每个样本最近的类型来进行分类。(其实就是标准的聚类算法)
      • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey):将线性分类器替换为基于余弦距离的分类器,用于少射学习。
    • 提示学习(prompt learning):

      • 笔者注

        起初感觉有点像软件工程里的敏捷开发,而翻译成敏捷学习,但是似乎跟提示更关联。

      以参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中的超大预训练模型GPT-3为例,在微调过程中,模型接受输入【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)并预测输出【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的概率为【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),而在提示过程中,根据提示模板(prompt template)将原始输入【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)挖去一些槽位(unfilled slots)得到【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),预训练模型将会将【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中挖去的槽位补上得到【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),并得到基于【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的输出【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),具体操作如下表所示:

      名称标记例子
      输入【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)我喜欢这部电影
      输出【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)情感极性:正
      提示模板【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)总之这是一部【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)电影
      提示输入(未填充)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)我喜欢这部电影,总之这是一部【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)电影
      提示输入(已填充)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)我喜欢这部电影,总之这是一部好电影

      引入提示的好处是可以处理少射任务或零射任务的适应学习,尤其在问答系统中有用。

      最后是将提示学习与微调相结合的方法:参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),具体如Figure 17所示:

      f17

3.1.5 注释 Remarks

总结一下本小节所有方法的性能:

方法适应性能数据功效参数功效模态延展性任务延展性
特征转换
平凡微调
领域适应性调优
正则化调优
残差调优
参数差异调优
指标学习
提示学习

字段说明:

  • 适应性能(adaptation performance):下游任务中有大量标注数据时的模型性能。
  • 数据功效(data efficiency):下游任务中只有少量数据时的模型性能。
  • 参数功效(parameter efficiency):在下游任务数量不断增加时,能否控制住参数总量。
  • 模态延展性(modality scalability):能否用于多模态数据,如文本、图片、音像。
  • 任务延展性(task scalability):能否轻松的将预训练模型迁移到不同下游任务中。

3.2 领域适应性 Domain Adaptation

所谓领域适应性(Domain Adaptation),指的是在目标领域中训练数据是未标注的,源领域中的训练数据是已标注的。因此试图在源领域中预训练模型,再设法迁移到目标领域中进行微调。尽管源领域与目标领域的数据存在某种关联性,但是在分布上必然存在一定差异,因而往往迁移微调的模型性能欠佳。这种现象称为分布漂移(distribution shift,参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)),领域适应性正是用于消除训练领域与测试领域之间的分布漂移问题。

传统的领域适应性方法如重加权(re-weighting)、从源领域采样(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey))、建模源领域分布特征空间到目标领域分布特征空间的转换(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)]),这些方法相对平凡,如参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)研究的是核重生希尔伯特空间(kernel-reproducing Hilbert space)分布映射方法,参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)研究的是将主成分轴(principal axes)与各个领域分布相联系。本综述着重探讨的是深度领域适应性(deep domain adaptation),即采用深度学习模型架构来建模适应性模块,用于匹配不同领域的数据分布

无监督领域适应性(unsupervised domain adaptation,UDA)中,源领域【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中包含【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)个已标注的样本,目标领域【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中包含【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)个未标注的样本,目标是学习算法来找到一种假设(hypothesis,其实就是映射)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),使得目标风险最小化:
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是损失函数。目前关于UDA的理论研究核心在于如何通过源风险【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)以及分布距离(distribution distance)来控制目标风险【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的量级,这里主要介绍两个经典的研究理论【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)散度(Divergence,参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey))与差距矛盾(Disparity Discrepancy,参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)),以及如何基于这些理论设计不同的算法。

  • 笔者注

    这里的假设【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)可以理解为机器学习的黑盒模型,假设只分真伪,因此【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的输出应该是只有零一值,即针对的是二分类问题。风险(risk)可以理解为损失函数值(的数学期望),整体来看说的就是在降低模型训练的损失值。

首先使用三角不等式,可以构建目标风险与源风险之间的不等关系:

定理【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(Bound with Disparity):

假设损失函数【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)对称的(symmetric)且服从三角不等式,定义任意两个在分布【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)上的假设【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)之间差距(disparity):
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
则目标风险【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)满足:
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)理想联合假设(ideal joint hypothesis),【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)理想联合误差(ideal joint error),【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是分布【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)之间的差距差异(disparity difference)。

  • 笔者注

    损失函数对称即满足交换律,即【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey);损失函数可以看作是两个向量之间的差异,因此式【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)衡量的是两个假设(即模型)预测结果的差异程度。

在领域适应性的研究中,通常假定理想联合误差(即源领域任务与目标领域任务的损失函数之和)是充分小的,否则领域适应本身就是不可行的(即无法训练至损失函数达到低水平,对应参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中提出的不可能定理,impossibility theorem),此时式【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中只需要考察最后一项差距差异的数值。

然而目标数据集标签不可得,于是理想假设【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是未知的,因此差距差异并不能直接估计,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)散度正是用于衡量差距差异的上界:

定义【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)散度)

定义【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)为假设空间【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)对称差异假设空间(symmetric difference hypothesis space),其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)表示异或运算符(XOR),则分布【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)之间的【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)散度可以表示为:
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
特别地,对于二分类问题的零一损失函数,即【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),有:
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

  • 笔者注

    【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)检验的是两个假设真伪相异的情形(异或运算)。因此第二个式子中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的取值只有零一,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)表示两个假设相异(即模型预测结果不同),整体就是两个假设差异之间的绝对值(即距离)。

    然后再重新看第一个式子,根据式【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)可知,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)衡量的是两个假设(即模型)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)在分布【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)上预测结果的差异值,而绝对值衡量的是距离,因此合起来就是差距的差距,简称差距差异

可以通过有限数量采样自源领域与目标领域的未标注样本来对【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)散度进行估计(即使用多组不同的模型对分别在源领域与目标领域上预测结果并计算差距差异),但是具体计算优化非常困难的。通常的做法是训练一个领域辨识器(domain discriminator)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)来划分源领域与目标领域的样本(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey))。我们假定辨识器族(family of the discriminators)丰富到足以包含【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),即【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(比如神经网络可用于近似几乎所有的函数),则【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)散度可以进一步控制在下式的范围内:
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

  • 笔者注

    【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)表示样本【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)属于源领域,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)表示样本【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)属于目标领域,因此绝对值中的两项都表示预测结果错误的概率,但是根据差距差异的定义,是否应当是减号而非加号?

这种思想衍生出Section 3.2.2中领域对立(domain adversarial)方法。此外,若使用非参数方法对【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)散度进行估计,比如将【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)用某个函数空间【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)替代,即衍生出Section 3.2.1中的统计匹配(statistics matching)方法。

  • 笔者注

    根据定义,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)本身也是一个假设空间,可以理解为是一个模型集合或者映射组,因此是可以用某个函数族对它进行近似。

下面这个定理是关于领域适应性最早的研究之一,它简历了基于【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)散度的二分类问题的一般上界:

定理【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是一个二进制假设空间(binary hypothesis space),若【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)都是容量为【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的样本,则对于任意【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),至少有【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)概率下式成立:
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

**定理【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)**的缺陷在于只能用于二分类问题,因此参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)将它推广到了多分类的情形:

定理【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

假设损失函数【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)对称且服从三角不等式,定义
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
分别表示源领域与目标领域的理想假设,则有:
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)表示源领域风险,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)表示适应能力:
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
进一步,若【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)有界,即【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),使得【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)。如定义【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),若【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是容量为【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的样本,则至少有【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的概率下式成立:
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)表示期望拉德马赫复杂度(Expected Rademacher Complexity,参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey))。

上述所有的【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)散度的上界依然太松弛(因为【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是可以任取的,那么取上确界值就会非常大),因此参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)考虑固定其中一个假设,提出差距矛盾的概念(请与上面的差距差异进行区分,一个是disparity discrepancy,一个是disparity difference):

定义【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(差距矛盾)

给定二进制假设空间【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)以及一个具体的假设【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),由【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)导出的差距矛盾定义为:
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

  • 笔者注

    对比**定义【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)**中的【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)散度,这里其实就是固定了一个【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),别的也没有什么区别。从这边往下的定义和定理基本不具有实用意义。

此时上确界只在一个假设【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)上任取,因而大大缩小了上界范围,且计算上也要更加容易。差距矛盾可以很好的用来衡量分布漂移(distribution shift)的程度。

定理【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是容量为【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的样本,对于任意的【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)以及每一个二进制分类器【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),都有至少【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的概率下式成立:
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

**定理【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)**是二分类的情形,可以推广到多分类的情形,在此之前我们先给出新的定义:

定义【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(边际差距矛盾)

给定一个得分假设空间(scoring hypothesis space)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),令
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
表示在样本对【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)处的实假设(real hypothesis)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)边际(margin),令
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
表示由【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)导出的标签函数(labeling function),令
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
表示边际损失(margin loss),则在分布【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)上,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)边际差距(margin disparity)为:
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
给定具体的假设【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),则边际差距矛盾(margin disparity discrepancy)为:
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

根据式【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)可知边际差距满足非负性与次可加性(subadditivity),但是并不对称,因此并不能直接将**定理【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)**用到这里来生成一个新的上界,因此我们有本小节最后一个定理:

定理【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

定义【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的假设条件下,对于任意的【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),以及任意的得分函数【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),都有至少【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的概率下式成立:
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

**定理【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)**中的边际上界指出一个恰当的边际【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)可以生成在目标领域上更好的推广结果。定理【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)定理【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)共同构成Section 3.2.3中的假设对立(hypothesis adversarial)方法。

注意不论是【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)散度还是差距矛盾,其中的上确界符号【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)都只在假设空间【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)较小的时候才有意义,然而在一般的神经网络模型中,假设空间【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)都会非常庞大,此时取上确界就会趋于正无穷而失去意义。但是可以通过在上游任务中进行预训练来缩小假设空间,这就是领域对立假设对立方法所必要的预训练。

f18

3.2.1 统计匹配 Statistics Matching

上文中已经介绍了很多关于领域适应性的上界理论结果,问题在于这些理论大多依赖假设导出的(hypothesis-induced)分布距离,在没有训练得到模型之前这些理论结果其实都不是很直观,因此本节主要是介绍一些基于统计的概率结果。注意,参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中介绍了非常多基于假设导出的分布距离构建的领域适应性算法。

定义【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(最大平均差距)

给定两个概率分布【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)以及可测空间(measurable space)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)整体概率指标(integral probability metric,参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey))定义为:
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)上的一类有界函数。参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)进一步将约束【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)核希尔伯特空间(kernel Hilbert space,RKHS)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中的一个单位球(unit ball)内,即【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)特征核(characteristic kernel),由此导出最大平均差距(maximum mean discrepancy,MMD,参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)):
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是与核函数【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)相关的特征映射,满足:
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
可以证明,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)当前仅当【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

定理【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

给定与定义【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)同样的设定,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是一个凸的损失函数,形如【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),则对于任意【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)以及【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),至少有【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的概率有下式成立:
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)分别表示根据【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中样本计算得到的
核矩阵
(kernel matrices)。

其实跟上面的差距差异也没有太大区别,只是重新定义新的距离计算方式,以及把假设换成了函数,但是相较而言有如下的优势:

  1. 与假设无关的(hypothesis-free),即无需得到确切的模型来衡量分布距离。
  2. 复杂项(complexity term)与Vapnik-Chervonenkis维度无关。
  3. MMD的无偏估计量可以在线性时间内计算得到。
  4. MMD最小化的这个过程在概率论上有一个非常漂亮的统计匹配解释。

与MMD相关的研究有:参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),比较值得注意的是参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)基于深度适应网络(deep adaptation network,DAN,参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)),提出MMD的变体多核MMD(multi-kernel MMD,MK-MMD),具体如Figure 19左图所示:

f19

Figure 19中右图是参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)提出的联合适应网络(joint adaptation network,JAN)中的联合最大平均差距(joint maximum mean discrepancy,JMMD),这是用于衡量两个联合分布【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)之间的距离,用【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)分别表示激活与适应层【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),JMMD定义如下:
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是关于核函数【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)和网络层【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的特征映射,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)表示外积。

常用于MMD中的核函数是高斯核:
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
通过泰勒展开可以将MMD表示为各阶统计动量(all orders of statistic moments)距离的加权和,基于这样的想法,参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)对MMD做了一些近似的变体。

MMD的缺陷在它估计两个领域之间的距离时,无法将数据分布的几何信息考察进来,对该缺陷改进的研究包括参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

最后记录一些其他相关研究:

  • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey):直接通过对齐批标准化(BatchNorm)统计量来最小化领域距离,以缓解分布漂移问题。
  • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey):提出可迁移的标准化(transferable normalization,TransNorm),即通过具体领域分布的均值与标准差来捕获领域的充分统计量。
  • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey):提出对比适应网络(contrastive adaptation network,CAN),用的似乎是据类的方法,它是要缓解MMD和JMMD中不同类别样本不齐(misalign samples)的问题。

3.2.2 领域对立学习 Domain Adversarial Learning

  • 领域对立神经网络(domain adversarial neural network,DANN,参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)):

    DANN本身启发于对抗生成网络(generative adversarial net,GAN,参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey))对分布的建模思想。如Figure 20左图所示,DANN中包含两个模块,第一个模块领域辨识器(domain discriminator)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)训练用于区分源特征(source features)与目标特征(target features),第二个模块特征生成器(feature generator)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)训练用于生成特征以混淆【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

    f20

    根据Section 3.2中关于【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)散度的结论,可以得出特征分布之间的【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)散度差距:
    【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
    其中,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的特征表示,特征生成器【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的目标函数是最小化源误差(source error)以及式【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中的【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)散度,如下所示:
    【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
    其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是交叉熵损失,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是权衡两项的超参数。

    参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)对式【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)进行了改进,提出条件领域对立网络(conditional domain adversarial network,CDAN),即在分类器预测结果【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的条件下考察【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的概率分布,并引入多线性映射(multilinear map)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)来替代式【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中的【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)作为领域辨识器【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的输入:
    【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
    【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)相较式【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的优势在于,CDAN可以完全捕获特征表示和分类器预测结果之间的交叉方差(cross-variance),因此可以得到更好的联合分布。

  • 改进:参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

    • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey):提出对立区分领域适应(adversarial discriminative domain adaptation,ADDA),解决的是DANN中可能出现的梯度消失问题,具体而言ADDA将特征生成器【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)以及领域辨识器【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的优化过程划分为两个独立的部分,其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的部分与式【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)相同,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的部分转变为:
      【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

    • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey):提出批量谱惩罚(batch spectral penalization,BSP),基于最大特征值对应的特征向量中包含了更多关于迁移的知识,因此设置关于最大奇异值的惩罚项用于增强特征分类效果,这个是关于图像处理的迁移模型。

    • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey):为每一个领域引入一个私有的子空间,用于保存具体领域的信息,这个也是关于图像处理的迁移研究。

  • 领域对立学习在现实场景中的应用

    f21

    • 哪一部分应当进行适应是未知的(which part to adapt is unknown):

      这里探讨的是图像处理领域。在图像识别中,我们只需要分类输入图像,然而在实体识别中,我们则需要先定位兴趣区域(region of interests,RoIs)然后再进行分类。由于不同领域存在分布漂移,因此目标领域中RoIs的位置是不可靠的,于是应当在对立训练中将的哪一部分进行适应是未知的。

      参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)基本都是围绕这一问题的解决展开的研究,其实有点类似上面正则化的操作,无非是针对特征进行对齐抑或是输出结果进行对齐,具体操作如Figure 21所示。

    • 每个样本标签之间存在结构化依赖(there are structural dependencies between labels of each sample):

      语义划分(semantic segment,这是计算机视觉中的概念)以及分词分类(如命名实体识别,词性标注)等低级分类问题中,基于特征的适应往往并不是一个好选择(即直接将词嵌入作为适应),原因是每个像素或者每个分词的特征都是高维的,且一个样本中就会包含非常多的像素或者分词。然而,凡事都有两面性,在高级分类问题中,上述这些低级分类任务的输出空间通常包含了关于分布的丰富信息(如场景布局信息或者上下文信息),因此直接基于输出空间进行适应又是一个不错的选择。

      相关研究包括参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),Figure 21中的右下图对应参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

3.2.3 假设对立学习 Hypothesis Adversarial Learning

f22

  • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)提出最大分类器差距(maximum classifier discrepancy,MCD)用于完全参数化的来估计与优化【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)散度,具体如Figure 22所示:

    • MCD最大化两个分类器输出之间的差距,并探测与源分布相差甚远的目标样本(即【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)散度)。
    • 接下来一个特征生成器用于学习生成目标特征用于最小化领域差距。
    • MCD使用的是【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)距离来衡量差距。
    • 理论上MCD比【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)散度能得到更贴近的结果,然而实验表明其收敛速度缓慢且对超参数非常敏感。可能的原因是MCD中使用了两个任意分类器【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)来最大化差距,使得最小最大化(minimax)达到均衡相对困难。
  • 参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)提出的差距矛盾(disparity discrepancy,DD,上文中似乎已经提过)提供了一个更紧的上界,方法是通过在假设空间【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)上取上确界(而非【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)),这显著使得最小最大化简单。如Figure 22所示,DD引入了一个对立分类器【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(与【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)所属相同的假设空间),则【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的上确界近似为:
    【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
    其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是定义在源领域和目标领域上的损失函数。

    理论上对立分类器【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)更贴近上确界,最小化下式可以降低目标误差【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
    【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
    其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是权衡两项的系数。直觉上的解释是,DD在寻找一个对立分类器【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)来正确预测源领域上的样本,并且能够在目标领域上得到与【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)不同的预测,然后特征生成器【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)被训练用于生成在这决策边界上的特征来避免发生这样的情况。

  • DD只能用于处理二分类问题,因此参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)进一步推广到边际差距矛盾(margin disparity discrepancy,MDD)以处理多酚类的问题设定:
    【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
    其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)为边际率,【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是激活函数(如softmax),【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的选取是非常关键的,能够有效避免对边界的高估。

3.2.4 领域翻译 Domain Translation

  • 领域翻译(domain translation)指将原始数据(文本、图像、音频等)从源领域【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)映射到目标领域【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中的一类任务。在领域适应性问题中,我们可以使用翻译模型(通常基于GAN)在目标领域中获得类似源领域样本的标签。

  • 针对GAN,有很多不同变体的改进,如参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)提出的成对对抗生成网络(coupled generative adversarial networks,CoGAN)学习多领域图片数据的联合分布,即多个不同的生成器需要生成成对的、不同领域的、标签共享的数据。CoGAN无需不同领域中对应的图像即可学习到联合分布,这些生成的共享标签的目标样本将被用于训练目标领域中的模型。

  • 领域翻译的目标函数通常是学习一个映射【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)使得生成样本【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)与目标领域中的训练样本是不可区分的。如Figure 23所示,参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)提出的的PixelDA引入一个对立辨识器【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)来区分翻译得到的样本与目标样本:
    【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
    生成器【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)试图希望使得【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)与目标领域中的样本尽可能的相似,因此接下来需要【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

    f23

    最终具体每个任务的分类器【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)以及特征挖掘器【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)通过有监督的训练(在生成数据上)通过:
    【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

  • 周期一致性(cycle consistency):

    GAN可以用于学习连个不同领域数据集之间的映射,这里有两个问题:

    • 源领域的样本可能会映射成一个与目标领域无关的样本。
    • 多个不同源领域的样本可能会映射成同一个目标领域样本,这回导致经典的模式坍塌(mode collapse,参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey))问题。

    由此参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)提出CycleGAN,引入了一个反向映射【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(从目标领域映射到源领域),再构建一个周期一致性的约束来缩小可能的映射函数空间(如Figure 23所示)。具体从数学表达上来看,周期一致性需要【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)两个映射是双射(bijections)且互为逆映射,即实际操作中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),这种思想已经被广泛应用于领域适应性问题中,如参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),最后两篇是自然语言处理的,都是关于跨语言的机器翻译任务,前面四篇都是图像处理,包括图像分类、语义划分、身份识别、机器人抓取(robotic grasping),实体识别等。

  • 语义一致性(semantic consistency):

    从源领域映射标签到目标领域时容易发生标签翻转(label flipping)问题,由此引出的语义一致性指的是希望能够使得样本【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)于翻译得到的样本一致,即【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)。由于【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)未知,因此参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)提出了一系列代理函数(proxy function),即在给定代理函数【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)与距离衡量方法【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)的情况下,目标函数是为了减少语义的不一致性:
    【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

  • 若领域的差异主要是低级的(如文本、描述、颜色等),翻译方法可以有效弥补领域差异,但是如果是高级的(如摄像机角度,camera angles),翻译方法通常不能起效。

3.2.5 半监督学习 Semi-Supervised Learning

  • 无监督领域适应性(UDA)与半监督学习(SSL)密切相关,许多SSL方法都可以应用到UDA中。

  • 半监督学习的三个假设:

    • 平滑性假设(smoothness assumption):若两个样本【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)在高密度区域中距离相近,则它们的输出【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)同样应当相近。
    • 簇假设(cluster assumption):若样本点处于同一个簇中,则它们大概率是同一类型。
    • manifold假设( assumption):高维数据可以近似到一个低维manifold(这个单词似乎无法直译)中。
  • 可用于UDA的一些SSL方法:

    • 一致性正则化(consistency regularization):指的是相似样本点应当得到一致的预测结果,相关研究包括参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

    • 熵最小化(entropy minimization):使模型对于未标注的数据做置信度最高的(即熵最低的)预测结果,常作为许多领域适应性方法的辅助方法,相关研究包括参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)

    • 虚假标注(pseudo-labeling):为未标注的数据生成代理标签,并使用这些带噪声的标签与已标注的数据混合在一起进行训练。相关研究包括参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey),这里特别提到说交叉熵损失对噪声标签的敏感度很高,因此参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)中提出推广的交叉熵损失(generalized cross-entropy,GCE)作为解决方案:
      【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)
      其中【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)是用于权衡交叉熵与平均绝对值误差两个损失函数的超参数。

3.2.6 注释 Remarks

总结一下本小节所有方法的性能:

方法适应性能数据功效模态延展性任务延展性理论保证
统计匹配
领域对立学习
假设对立学习
领域翻译
半监督学习

字段说明:

  • 适应性能(adaptation performance):下游任务中有大量标注数据时的模型性能。
  • 数据功效(data efficiency):下游任务中只有少量数据时的模型性能。
  • 模态延展性(modality scalability):能否用于多模态数据,如文本、图片、音像。
  • 任务延展性(task scalability):能否轻松的将预训练模型迁移到不同下游任务中。
  • 理论保证(theory guarantee):适应中目标领域的推广误差能否控制在一定界限内。

4 评估 Evaluation

4.1 数据集 Datasets

通用语言理解评估(general language understanding evaluation,GLUE,参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey))是目前自然语言处理领域中最又名的基准,下表例举了一系列GLUE的数据集,包括九个句子或句子对级别的语言理解任务:

语料集训练数据量测试数据量评估指标任务类型领域
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)马修斯相关系数可接受性混合
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)精确度情感分析影评
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)精确度/【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)短语新闻
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)皮尔逊相关系数句子相似性混合
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)精确度/【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)短语社交问答
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(非)匹配精确度自然语言推断混合
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)精确度问答/自然语言推断维基百科
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)精确度自然语言推断新闻与维基百科
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)精确度共指/自然语言推断科幻书
  • 笔者注:最后一个数据集可能数据量少单位。

但是目前仍未形成类似GLUE用于计算机视觉的基准,这里只是例举一些图像处理领域的常用的数据集:

数据集训练数据量测试数据量类别数评估指标领域
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)混合
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)混合
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)混合
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)混合
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)混合
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)混合
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)混合
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)混合
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)混合
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)混合
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)混合
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)草稿
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)剪贴画
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)油画
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)混合
【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)(参考文献【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)【论文阅读】2022年最新迁移学习综述笔注(Transferability in Deep Learning: A Survey)草稿

4.2 开源包 Library

  • 项目地址:GitHub@TLlib(进行中)

  • 使用方法:官方文档@TLlib

    下面是一个简单的DANN应用的代码示例:

    # define the domain discriminator
    from dalib.modules.domain_discriminator import DomainDiscriminator
    discriminator = DomainDiscriminator(in_feature=1024, hidden_size=1024)
    
    # define the domain adversarial loss module
    from dalib.adptation.dann import DomainAdversarialLoss
    dann = DomainAdversarialLoss(discriminator, reduction='mean')
    
    # features from the source and target domain
    f_s, f_t = torch.randn(20, 1024), torch.randn(20, 1024)
    
    # calculate the final loss
    loss = dann(f_s, f_t)
    
  • 目前TLlib主要是以PyTorch作为后端进行的实现,具有较好的可延展性。

4.3 基准 Benchmark

本节主要是对Section 4.1中提到的若干大规模数据集上的预训练和适应的典型方法的基准进行的展示,部分基准结果是通过TLlib实现得到的。

4.3.1 预训练 Pre-Training

t8-10

4.3.2 任务适应性 Task Adaptation

t11-12

4.3.3 领域适应性 Domain Adaptation

t13-14

5 结论 Conclusion

In this paper, we investigate how to acquire and apply transferability in the whole lifecycle of deep learning. In the pre-training section, we focus on how to improve the transferability of the pre-trained models by designing architecture, pre-training task, and training strategy. In the task adaptation section, we discuss how to better preserve and utilize the transferable knowledge to improve the performance of target tasks. In the domain adaptation section, we illustrate how to bridge the domain gap to increase the transferability for real applications. This survey connects many isolated areas with their relation to transferability and provides a unified perspective to explore transferability in deep learning. We expect this study will attract the community’s attention to the fundamental role of transferability in deep learning.

参考文献

[001] Samira Abnar, Mostafa Dehghani, Behnam Neyshabur, and Hanie Sedghi. Exploring the limits of large scale pre-training. In ICLR, 2022. 
[002] Armen Aghajanyan, Luke Zettlemoyer, and Sonal Gupta. Intrinsic dimensionality explains the effectiveness of language model fine-tuning. In ACL, 2021. 
[003] Dario Amodei, Sundaram Ananthanarayanan, Rishita Anubhai, Jingliang Bai, Eric Battenberg, Carl Case, Jared Casper, Bryan Catanzaro, Qiang Cheng, Guoliang Chen, et al. Deep speech 2: End-to-end speech recognition in english and mandarin. In ICML, 2016. 
[004] Martin Arjovsky, L´eon Bottou, Ishaan Gulrajani, and David Lopez-Paz. Invariant risk minimization. arXiv preprint arXiv:1907.02893, 2019. 
[005] Sanjeev Arora, Rong Ge, Yingyu Liang, Tengyu Ma, and Yi Zhang. Generalization and equilibrium in generative adversarial nets (GANs). In ICML, 2017. 
[006] Peter L. Bartlett and Shahar Mendelson. Rademacher and gaussian complexities: Risk bounds and structural results. In JMLR, 2002. 
[007] Iz Beltagy, Kyle Lo, and Arman Cohan. Scibert: Pretrained language model for scientific text. In EMNLP, 2019. 
[008] S. Ben-David, J. Blitzer, K. Crammer, A. Kulesza, F. Pereira, and J. W. Vaughan. A theory of learning from different domains. Machine Learning, 79, page 151–175, 2010a. 
[009] Shai Ben-David, John Blitzer, Koby Crammer, and Fernando Pereira. Analysis of representations for domain adaptation. In NeurIPS, 2006. 
[010] Shai Ben-David, Tyler Lu, Teresa Luu, and David Pal. Impossibility theorems for domain adaptation. In AISTATS, pages 129–136, 2010b. 
[011] Yoshua Bengio. Deep learning of representations for unsupervised and transfer learning. In ICML workshop, 2012. 
[012] Yoshua Bengio, Pascal Lamblin, Dan Popovici, and Hugo Larochelle. Greedy layer-wise training of deep networks. In NeurIPS, 2007. 
[013] Yoshua Bengio, Aaron Courville, and Pascal Vincent. Representation learning: A review and new perspectives. TPAMI, 35(8):1798–1828, 2013. 
[014] Yoshua Bengio, Yann Lecun, and Geoffrey Hinton. Deep learning for ai. Communications of the ACM, 64(7):58–65, 2021. 
[015] Konstantinos Bousmalis, George Trigeorgis, Nathan Silberman, Dilip Krishnan, and Dumitru Erhan. Domain separation networks. In NeurIPS, 2016. 
[016] Konstantinos Bousmalis, Nathan Silberman, David Dohan, Dumitru Erhan, and Dilip Krishnan. Unsupervised pixel-level domain adaptation with generative adversarial networks. In CVPR, 2017. 
[017] Konstantinos Bousmalis, Alex Irpan, Paul Wohlhart, Yunfei Bai, Matthew Kelcey, Mrinal Kalakrishnan, Laura Downs, Julian Ibarz, Peter Pastor, Kurt Konolige, Sergey Levine, and Vincent Vanhoucke. Using simulation and domain adaptation to improve efficiency of deep robotic grasping. In ICRA, 2018. 
[018] Tom B Brown, Benjamin Mann, Nick Ryder, Melanie Subbiah, Jared Kaplan, Prafulla Dhariwal, Arvind Neelakantan, Pranav Shyam, Girish Sastry, Amanda Askell, et al. Language models are few-shot learners. In NeurIPS, 2020. 
[019] Pau Panareda Busto and Juergen Gall. Open set domain adaptation. In ICCV, 2017. 
[020] Rich Caruana. Multitask learning. Technical report, 1997. 
[021] Olivier Chapelle, Bernhard Sch¨olkopf, and Alexander Zien. Semi-Supervised Learning (Adaptive Computation and Machine Learning). The MIT Press, 2006. ISBN 0262033585. 
[022] Minmin Chen, Zhixiang Xu, Kilian Q. Weinberger, and Fei Sha. Marginalized denoising autoencoders for domain adaptation. In ICML, 2012. 
[023] Ting Chen, Simon Kornblith, Mohammad Norouzi, and Geoffrey Hinton. A simple framework for contrastive learning of visual representations. In ICML, 2020. 
[024] Wei-Yu Chen, Yen-Cheng Liu, Zsolt Kira, Yu-Chiang Frank Wang, and Jia-Bin Huang. A closer look at few-shot classification. In ICLR, 2019a. 
[025] Xinlei Chen and Kaiming He. Exploring simple siamese representation learning. In CVPR, 2021. 
[026] Xinlei Chen, Saining Xie, and Kaiming He. An empirical study of training self-supervised vision transformers. arXiv preprint arXiv:2104.02057, 2021a. 
[027] Xinyang Chen, Sinan Wang, Bo Fu, Mingsheng Long, and Jianmin Wang. Catastrophic forgetting meets negative transfer: Batch spectral shrinkage for safe transfer learning. In NeurIPS, 2019b. 
[028] Xinyang Chen, Sinan Wang, Mingsheng Long, and Jianmin Wang. Transferability vs. discriminability: Batch spectral penalization for adversarial domain adaptation. In ICML, 2019c. 
[029] Xinyang Chen, Sinan Wang, Jianmin Wang, and Mingsheng Long. Representation subspace distance for domain adaptation regression. In ICML, 2021b. 
[030] Yuhua Chen, Wen Li, Christos Sakaridis, Dengxin Dai, and Luc Van Gool. Domain adaptive faster R-CNN for object detection in the wild. In CVPR, 2018. 
[031] Kyunghyun Cho, Bart van Merri¨enboer, Caglar Gulcehre, Dzmitry Bahdanau, Fethi Bougares, Holger Schwenk, and Yoshua Bengio. Learning phrase representations using RNN encoder–decoder for statistical machine translation. In EMNLP, 2014. 
[032] Alexandra Chronopoulou, Christos Baziotis, and Alexandros Potamianos. An embarrassingly simple approach for transfer learning from pretrained language models. In NAACL, 2019. 
[033] Alexis Conneau, Guillaume Lample, Ruty Rinott, Adina Williams, Samuel R. Bowman, Holger Schwenk, and Veselin Stoyanov. XNLI: evaluating cross-lingual sentence representations. In EMNLP, 2018. 
[034] Nicolas Courty, R´emi Flamary, Amaury Habrard, and Alain Rakotomamonjy. Joint distribution optimal transportation for domain adaptation. In NeurIPS, 2017. 
[035] Yin Cui, Yang Song, Chen Sun, Andrew Howard, and Serge Belongie. Large scale finegrained categorization and domain-specific transfer learning. In CVPR, pages 4109–4118, 2018. 
[036] Bharath Bhushan Damodaran, Benjamin Kellenberger, R´emi Flamary, Devis Tuia, and Nicolas Courty. Deepjdot: Deep joint distribution optimal transport for unsupervised domain adaptation. In ECCV, 2018. 
[037] Matthias Delange, Rahaf Aljundi, Marc Masana, Sarah Parisot, Xu Jia, Ales Leonardis, Greg Slabaugh, and Tinne Tuytelaars. A continual learning survey: Defying forgetting in classification tasks. TPAMI, page 1–20, 2021. 
[038] Jia Deng, Wei Dong, Richard Socher, Li-Jia Li, Kai Li, and Li Fei-Fei. Imagenet: A largescale hierarchical image database. In CVPR, 2009. 
[039] Jacob Devlin, Ming-Wei Chang, Kenton Lee, and Kristina Toutanova. Bert: Pre-training of deep bidirectional transformers for language understanding. In NAACL, 2019. 
[040] Carl Doersch, Abhinav Gupta, and Alexei A. Efros. Unsupervised visual representation learning by context prediction. In ICCV, 2015. 
[041] Jeff Donahue, Yangqing Jia, Oriol Vinyals, Judy Hoffman, Ning Zhang, Eric Tzeng, and Trevor Darrell. Decaf: A deep convolutional activation feature for generic visual recognition. In ICML, 2014. 
[042] Alexey Dosovitskiy, Lucas Beyer, Alexander Kolesnikov, Dirk Weissenborn, Xiaohua Zhai, Thomas Unterthiner, Mostafa Dehghani, Matthias Minderer, Georg Heigold, Sylvain Gelly, Jakob Uszkoreit, and Neil Houlsby. An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale. In ICLR, 2021. 
[043] Chelsea Finn, Pieter Abbeel, and Sergey Levine. Model-agnostic meta-learning for fast adaptation of deep networks. In ICML, 2017. 
[044] Geoffrey French, Michal Mackiewicz, and Mark H. Fisher. Self-ensembling for domain adaptation. In ICLR, 2018. 
[045] Yaroslav Ganin and Victor Lempitsky. Unsupervised domain adaptation by backpropagation. In ICML, 2015. 
[046] Yaroslav Ganin, Evgeniya Ustinova, Hana Ajakan, Pascal Germain, Hugo Larochelle, Fran¸cois Laviolette, Mario March, and Victor Lempitsky. Domain-adversarial training of neural networks. JMLR, 17(59):1–35, 2016. 
[047] Victor Garcia and Joan Bruna. Few-shot learning with graph neural networks. In ICLR, 2018. 
[048] Yixiao Ge, Dapeng Chen, and Hongsheng Li. Mutual mean-teaching: Pseudo label refinery for unsupervised domain adaptation on person re-identification. In ICLR, 2020. 
[049] Robert Geirhos, Patricia Rubisch, Claudio Michaelis, Matthias Bethge, Felix A Wichmann, and Wieland Brendel. Imagenet-trained cnns are biased towards texture; increasing shape bias improves accuracy and robustness. In ICLR, 2019. 
[050] Ross Girshick, Jeff Donahue, Trevor Darrell, and Jitendra Malik. Rich feature hierarchies for accurate object detection and semantic segmentation. In CVPR, 2014. 
[051] Xavier Glorot, Antoine Bordes, and Yoshua Bengio. Domain adaptation for large-scale sentiment classification: A deep learning approach. In ICML, 2011. 
[052] Boqing Gong, Yuan Shi, Fei Sha, and Kristen Grauman. Geodesic flow kernel for unsupervised domain adaptation. In CVPR, 2012. 
[053] Boqing Gong, Kristen Grauman, and Fei Sha. Connecting the dots with landmarks: Discriminatively learning domain-invariant features for unsupervised domain adaptation. In ICML, 2013. 
[054] Ian J Goodfellow, Jean Pouget-Abadie, Mehdi Mirza, Bing Xu, David Warde-Farley, Sherjil Ozair, Aaron Courville, and Yoshua Bengio. Generative adversarial networks. In NeurIPS, 2014. 
[055] Ian J Goodfellow, Jonathon Shlens, and Christian Szegedy. Explaining and harnessing adversarial examples. 2015. 
[056] Anirudh Goyal, Alex Lamb, Jordan Hoffmann, Shagun Sodhani, Sergey Levine, Yoshua Bengio, and Bernhard Sch¨olkopf. Recurrent independent mechanisms. In ICLR, 2021. 
[057] Arthur Gretton, Karsten M. Borgwardt, Malte J. Rasch, Bernhard Sch¨olkopf, and Alexander Smola. A kernel two-sample test. JMLR, 13(25):723–773, 2012a. 
[058] Arthur Gretton, Dino Sejdinovic, Heiko Strathmann, Sivaraman Balakrishnan, Massimiliano Pontil, Kenji Fukumizu, and Bharath K Sriperumbudur. Optimal kernel choice for large-scale two-sample tests. In NeurIPS, 2012b. 
[059] Jean-Bastien Grill, Florian Strub, Florent Altch´e, Corentin Tallec, Pierre Richemond, Elena Buchatskaya, Carl Doersch, Bernardo Avila Pires, Zhaohan Guo, Mohammad Gheshlaghi Azar, Bilal Piot, koray kavukcuoglu, Remi Munos, and Michal Valko. Bootstrap your own latent - a new approach to self-supervised learning. In NeurIPS, 2020. 
[060] Ishaan Gulrajani and David Lopez-Paz. In search of lost domain generalization. In ICLR, 2021. 
[061] Demi Guo, Alexander Rush, and Yoon Kim. Parameter-efficient transfer learning with diff pruning. In ACL, 2021. 
[062] Yunhui Guo, Honghui Shi, Abhishek Kumar, Kristen Grauman, Tajana Rosing, and Rogerio Feris. Spottune: transfer learning through adaptive fine-tuning. In CVPR, 2019. 
[063] Suchin Gururangan, Ana Marasovi´c, Swabha Swayamdipta, Kyle Lo, Iz Beltagy, Doug Downey, and Noah A. Smith. Don’t stop pretraining: Adapt language models to domains and tasks. In ACL, 2020. 
[064] Kaiming He, Xiangyu Zhang, Shaoqing Ren, and Jian Sun. Deep residual learning for image recognition. In CVPR, 2016. 
[065] Kaiming He, Georgia Gkioxari, Piotr Doll´ar, and Ross Girshick. Mask r-cnn. In ICCV, 2017. 
[066] Kaiming He, Ross Girshick, and Piotr Doll´ar. Rethinking imagenet pre-training. In ICCV, 2019. 
[067] Kaiming He, Haoqi Fan, Yuxin Wu, Saining Xie, and Ross Girshick. Momentum contrast for unsupervised visual representation learning. In CVPR, 2020. 
[068] Kaiming He, Xinlei Chen, Saining Xie, Yanghao Li, Piotr Doll´ar, and Ross Girshick. Masked autoencoders are scalable vision learners. arXiv preprint arXiv:2111.06377, 2021. 
[069] Dan Hendrycks, Steven Basart, Norman Mu, Saurav Kadavath, Frank Wang, Evan Dorundo, Rahul Desai, Tyler Zhu, Samyak Parajuli, Mike Guo, Dawn Song, Jacob Steinhardt, and Justin Gilmer. The many faces of robustness: A critical analysis of out-ofdistribution generalization. ICCV, 2021. 
[070] R Devon Hjelm, Alex Fedorov, Samuel Lavoie-Marchildon, Karan Grewal, Phil Bachman, Adam Trischler, and Yoshua Bengio. Learning deep representations by mutual information estimation and maximization. In ICLR, 2019. 
[071] Judy Hoffman, Dequan Wang, Fisher Yu, and Trevor Darrell. Fcns in the wild: Pixel-level adversarial and constraint-based adaptation. 2016. 
[072] Judy Hoffman, Eric Tzeng, Taesung Park, Jun-Yan Zhu, Phillip Isola, Kate Saenko, Alexei Efros, and Trevor Darrell. Cycada: Cycle-consistent adversarial domain adaptation. In ICML, 2018. 
[073] Neil Houlsby, Andrei Giurgiu, Stanislaw Jastrzebski, Bruna Morrone, Quentin De Laroussilhe, Andrea Gesmundo, Mona Attariyan, and Sylvain Gelly. Parameter-efficient transfer learning for NLP. In ICML, 2019. 
[074] Jeremy Howard and Sebastian Ruder. Universal language model fine-tuning for text classification. In ACL, 2018. 
[075] Weihua Hu, Bowen Liu, Joseph Gomes, Marinka Zitnik, Percy Liang, Vijay S. Pande, and Jure Leskovec. Pre-training graph neural networks. In ICLR, 2020. 
[076] Jiayuan Huang, Arthur Gretton, Karsten Borgwardt, Bernhard Sch¨olkopf, and Alex Smola. Correcting sample selection bias by unlabeled data. In NeurIPS, 2007. 
[077] Sergey Ioffe and Christian Szegedy. Batch normalization: Accelerating deep network training by reducing internal covariate shift. In ICML, 2015. 
[078] Yunhun Jang, Hankook Lee, Sung Ju Hwang, and Jinwoo Shin. Learning what and where to transfer. In ICML, 2019. 
[079] Haoming Jiang, Pengcheng He, Weizhu Chen, Xiaodong Liu, Jianfeng Gao, and Tuo Zhao. SMART: robust and efficient fine-tuning for pre-trained natural language models through principled regularized optimization. In ACL, 2020. 
[080] Junguang Jiang, Yifei Ji, Ximei Wang, Yufeng Liu, Jianmin Wang, and Mingsheng Long. Regressive domain adaptation for unsupervised keypoint detection. In CVPR, 2021. 
[081] Junguang Jiang, Baixu Chen, Jianmin Wang, and Mingsheng Long. Decoupled adaptation for cross-domain object detection. In ICLR, 2022. 
[082] Ying Jin, Ximei Wang, Mingsheng Long, and Jianmin Wang. Minimum class confusion for versatile domain adaptation. In ECCV, 2020. 
[083] Mandar Joshi, Danqi Chen, Yinhan Liu, Daniel S. Weld, Luke Zettlemoyer, and Omer Levy. SpanBERT: Improving pre-training by representing and predicting spans. In TACL, 2020. 
[084] Guoliang Kang, Lu Jiang, Yi Yang, and Alexander G Hauptmann. Contrastive adaptation network for unsupervised domain adaptation. In CVPR, 2019. 
[085] Taekyung Kim, Minki Jeong, Seunghyeon Kim, Seokeon Choi, and Changick Kim. Diversify and match: A domain adaptive representation learning paradigm for object detection. In CVPR, 2019. 
[086] James Kirkpatrick, Razvan Pascanu, Neil Rabinowitz, Joel Veness, Guillaume Desjardins, Andrei A Rusu, Kieran Milan, John Quan, Tiago Ramalho, Agnieszka GrabskaBarwinska, et al. Overcoming catastrophic forgetting in neural networks. PNAS, 114 (13):3521–3526, 2017. 
[087] Alexander Kolesnikov, Lucas Beyer, Xiaohua Zhai, Joan Puigcerver, Jessica Yung, Sylvain Gelly, and Neil Houlsby. Big transfer (bit): General visual representation learning. In ECCV, 2020. 
[088] Simon Kornblith, Jonathon Shlens, and Quoc V Le. Do better imagenet models transfer better? In CVPR, 2019. 
[089] Zhi Kou, Kaichao You, Mingsheng Long, and Jianmin Wang. Stochastic normalization. In NeurIPS, 2020. 
[090] Alex Krizhevsky, Ilya Sutskever, and Geoffrey E. Hinton. Imagenet classification with deep convolutional neural networks. In NeurIPS, 2012. 
[091] Guillaume Lample and Alexis Conneau. Cross-lingual language model pretraining. In NeurIPS, 2019. 
[092] Guillaume Lample, Ludovic Denoyer, and Marc’Aurelio Ranzato. Unsupervised machine translation using monolingual corpora only. In ICLR, 2017. 
[093] Zhenzhong Lan, Mingda Chen, Sebastian Goodman, Kevin Gimpel, Piyush Sharma, and Radu Soricut. Albert: A lite bert for self-supervised learning of language representations. In ICLR, 2020. 
[094] Yann LeCun, Yoshua Bengio, and Geoffrey Hinton. Deep learning. Nature, 521(7553): 436–444, 2015. 
[095] Chen-Yu Lee, Tanmay Batra, Mohammad Haris Baig, and Daniel Ulbricht. Sliced wasserstein discrepancy for unsupervised domain adaptation. In CVPR, 2019. 
[096] Cheolhyoung Lee, Kyunghyun Cho, and Wanmo Kang. Mixout: Effective regularization to finetune large-scale pretrained language models. In ICLR, 2020a. 
[097] Jinhyuk Lee, Wonjin Yoon, Sungdong Kim, Donghyeon Kim, Sunkyu Kim, Chan Ho So, and Jaewoo Kang. Biobert: a pre-trained biomedical language representation model for biomedical text mining. Bioinformatics, 36(4):1234–1240, 2020b. 
[098] Mike Lewis, Yinhan Liu, Naman Goyal, Marjan Ghazvininejad, Abdelrahman Mohamed, Omer Levy, Veselin Stoyanov, and Luke Zettlemoyer. BART: Denoising Sequence-toSequence Pre-training for Natural Language Generation, Translation, and Comprehension. In ACL, 2020. 
[099] Chunyuan Li, Heerad Farkhoor, Rosanne Liu, and Jason Yosinski. Measuring the intrinsic dimension of objective landscapes. In ICLR, 2018. 
[100] Xiang Lisa Li and Percy Liang. Prefix-tuning: Optimizing continuous prompts for generation. In ACL, 2021. 
[101] Xingjian Li, Haoyi Xiong, Hanchao Wang, Yuxuan Rao, Liping Liu, Zeyu Chen, and Jun Huan. Delta: Deep learning transfer using feature map with attention for convolutional networks. In ICLR, 2019. 
[102] Yanghao Li, Naiyan Wang, Jianping Shi, Jiaying Liu, and Xiaodi Hou. Revisiting batch normalization for practical domain adaptation. In ICLR Workshop, 2017. 
[103] Zhizhong Li and Derek Hoiem. Learning without forgetting. TPAMI, 40(12):2935–2947, 2018. 
[104] Jian Liang, Dapeng Hu, and Jiashi Feng. Do we really need to access the source data? source hypothesis transfer for unsupervised domain adaptation. In ICML, 2020. 
[105] Hong Liu, Jianmin Wang, and Mingsheng Long. Cycle self-training for domain adaptation. In NeurIPS, 2021a. 
[106] Ming-Yu Liu and Oncel Tuzel. Coupled generative adversarial networks. In NeurIPS, 2016. 
[107] Pengfei Liu, Weizhe Yuan, Jinlan Fu, Zhengbao Jiang, Hiroaki Hayashi, and Graham Neubig. Pre-train, prompt, and predict: A systematic survey of prompting methods in natural language processing, 2021b. 
[108] Xiaodong Liu, Pengcheng He, Weizhu Chen, and Jianfeng Gao. Multi-task deep neural networks for natural language understanding. In ACL, 2019a. 
[109] Yinhan Liu, Myle Ott, Naman Goyal, Jingfei Du, Mandar Joshi, Danqi Chen, Omer Levy, Mike Lewis, Luke Zettlemoyer, and Veselin Stoyanov. Roberta: A robustly optimized bert pretraining approach. arXiv preprint arXiv:1907.11692, 2019b. 
[110] Yinhan Liu, Myle Ott, Naman Goyal, Jingfei Du, Mandar Joshi, Danqi Chen, Omer Levy, Mike Lewis, Luke Zettlemoyer, and Veselin Stoyanov. Roberta: A robustly optimized BERT pretraining approach. 2019c. 
[111] Mingsheng Long, Jianmin Wang, Guiguang Ding, Jiaguang Sun, and Philip S. Yu. Transfer feature learning with joint distribution adaptation. In ICCV, 2013. 
[112] Mingsheng Long, Yue Cao, Jianmin Wang, and Michael I. Jordan. Learning transferable features with deep adaptation networks. In ICML, 2015. 
[113] Mingsheng Long, Jianmin Wang, and Michael I. Jordan. Unsupervised domain adaptation with residual transfer networks. In NeurIPS, 2016. 
[114] Mingsheng Long, Han Zhu, Jianmin Wang, and Michael I Jordan. Deep transfer learning with joint adaptation networks. In ICML, 2017. 
[115] Mingsheng Long, Zhangjie Cao, Jianmin Wang, and Michael I. Jordan. Conditional adversarial domain adaptation. In NeurIPS, 2018. 
[116] Mingsheng Long, Yue Cao, Zhangjie Cao, Jianmin Wang, and Michael I. Jordan. Transferable representation learning with deep adaptation networks. TPAMI, 41(12):3071–3085, 2019. 
[117] Christos Louizos, Max Welling, and Diederik P. Kingma. Learning sparse neural networks through l 0 regularization. In ICLR, 2018. 
[118] Dhruv Mahajan, Ross Girshick, Vignesh Ramanathan, Kaiming He, Manohar Paluri, Yixuan Li, Ashwin Bharambe, and Laurens van der Maaten. Exploring the limits of weakly supervised pretraining. In ECCV, 2018. 
[119] Arun Mallya and Svetlana Lazebnik. Piggyback: Adding multiple tasks to a single, fixed network by learning to mask. In ECCV, 2018. 
[120] Yishay Mansour, Mehryar Mohri, and Afshin Rostamizadeh. Domain adaptation: Learning bounds and algorithms. In COLT, 2009. 
[121] Tsendsuren Munkhdalai and Hong Yu. Meta networks. In ICML, 2017. 
[122] Jiquan Ngiam, Daiyi Peng, Vijay Vasudevan, Simon Kornblith, Quoc V Le, and Ruoming Pang. Domain adaptive transfer learning with specialist models. arXiv preprint arXiv:1811.07056, 2018. 
[123] Cuong Nguyen, Tal Hassner, Matthias Seeger, and Cedric Archambeau. Leep: A new measure to evaluate transferability of learned representations. In ICML, 2020. 
[124] Aaron van den Oord, Yazhe Li, and Oriol Vinyals. Representation learning with contrastive predictive coding. NeurIPS, 2019. 
[125] Sinno Jialin Pan and Qiang Yang. A survey on transfer learning. TKDE, pages 1345–1359, 2010. 
[126] Sinno Jialin Pan, Ivor W. Tsang, James T. Kwok, and Qiang Yang. Domain adaptation via transfer component analysis. TNNLS, pages 199–210, 2011. 
[127] Adam Paszke, Sam Gross, Francisco Massa, Adam Lerer, James Bradbury, Gregory Chanan, Trevor Killeen, Zeming Lin, Natalia Gimelshein, Luca Antiga, Alban Desmaison, Andreas Kopf, Edward Yang, Zachary DeVito, Martin Raison, Alykhan Tejani, Sasank Chilamkurthy, Benoit Steiner, Lu Fang, Junjie Bai, and Soumith Chintala. Pytorch: An imperative style, high-performance deep learning library. In NeurIPS, 2019. 
[128] Xingchao Peng, Qinxun Bai, Xide Xia, Zijun Huang, Kate Saenko, and Bo Wang. Moment matching for multi-source domain adaptation. In ICCV, 2019. 
[129] Jonas Peters, Peter B¨uhlmann, and Nicolai Meinshausen. Causal inference by using invariant prediction: identification and confidence intervals. Journal of the Royal Statistical Society. Series B (Statistical Methodology), pages 947–1012, 2016. 
[130] Jonas Peters, Dominik Janzing, and Bernhard Sch¨olkopf. Elements of causal inference: foundations and learning algorithms. The MIT Press, 2017. 
[131] Matthew E Peters, Mark Neumann, Mohit Iyyer, Matt Gardner, Christopher Clark, Kenton Lee, and Luke Zettlemoyer. Deep contextualized word representations. In NAACL, 2018. 
[132] Telmo Pires, Eva Schlinger, and Dan Garrette. How multilingual is multilingual bert? In ACL, 2019. 
[133] J. Quionero-Candela, M. Sugiyama, A. Schwaighofer, and N. D. Lawrence. Dataset shift in machine learning. The MIT Press, 2009. 
[134] Alec Radford, Karthik Narasimhan, Tim Salimans, and Ilya Sutskever. Improving language understanding by generative pre-training. Technical report, OpenAI, 2018. 
[135] Alec Radford, Jong Wook Kim, Chris Hallacy, Aditya Ramesh, Gabriel Goh, Sandhini Agarwal, Girish Sastry, Amanda Askell, Pamela Mishkin, Jack Clark, et al. Learning transferable visual models from natural language supervision. In ICML, 2021. 
[136] Colin Raffel, Noam Shazeer, Adam Roberts, Katherine Lee, Sharan Narang, Michael Matena, Yanqi Zhou, Wei Li, and Peter J Liu. Exploring the limits of transfer learning with a unified text-to-text transformer. JMLR, 21(140):1–67, 2020. 
[137] Aniruddh Raghu, Maithra Raghu, Samy Bengio, and Oriol Vinyals. Rapid learning or feature reuse? towards understanding the effectiveness of maml. In ICLR, 2020. 
[138] Maithra Raghu, Chiyuan Zhang, Jon Kleinberg, and Samy Bengio. Transfusion: Understanding transfer learning for medical imaging. In NeurIPS, 2019. 
[139] S-A Rebuffi, H. Bilen, and A. Vedaldi. Learning multiple visual domains with residual adapters. In NeurIPS, 2017. 
[140] Ievgen Redko, Emilie Morvant, Amaury Habrard, Marc Sebban, and Youn`es Bennani. A survey on domain adaptation theory: learning bounds and theoretical guarantees, 2020. 
[141] Shaoqing Ren, Kaiming He, Ross Girshick, and Jian Sun. Faster r-cnn: Towards real-time object detection with region proposal networks. In NeurIPS, 2015. 
[142] Michael T. Rosenstein. To transfer or not to transfer. In NeurIPS, 2005. 
[143] Evgenia. Rusak, Steffen Schneider, Peter Gehler, Oliver Bringmann, Wieland Brendel, and Matthias Bethge. Adapting imagenet-scale models to complex distribution shifts with self-learning. arXiv preprint arXiv:2104.12928, 2021. 
[144] Olga Russakovsky, Jia Deng, Hao Su, Jonathan Krause, Sanjeev Satheesh, Sean Ma, Zhiheng Huang, Andrej Karpathy, Aditya Khosla, Michael Bernstein, Alexander C. Berg, and Li Fei-Fei. ImageNet Large Scale Visual Recognition Challenge. IJCV, 115(3):211– 252, 2015. 
[145] Andrei A Rusu, Dushyant Rao, Jakub Sygnowski, Oriol Vinyals, Razvan Pascanu, Simon Osindero, and Raia Hadsell. Meta-learning with latent embedding optimization. In ICLR, 2019. 
[146] Kuniaki Saito, Kohei Watanabe, Yoshitaka Ushiku, and Tatsuya Harada. Maximum classifier discrepancy for unsupervised domain adaptation. In CVPR, 2018. 
[147] Kuniaki Saito, Yoshitaka Ushiku, Tatsuya Harada, and Kate Saenko. Strong-weak distribution alignment for adaptive object detection. In CVPR, 2019. 
[148] Hadi Salman, Andrew Ilyas, Logan Engstrom, Ashish Kapoor, and Aleksander Madry. Do adversarially robust imagenet models transfer better? In NeurIPS, 2020. 
[149] Swami Sankaranarayanan, Yogesh Balaji, Carlos D. Castillo, and Rama Chellappa. Generate to adapt: Aligning domains using generative adversarial networks. In CVPR, 2018. 
[150] Adam Santoro, Sergey Bartunov, Matthew Botvinick, Daan Wierstra, and Timothy Lillicrap. Meta-learning with memory-augmented neural networks. In ICML, 2016. 
[151] Timo Schick and Hinrich Sch¨utze. Exploiting cloze questions for few-shot text classification and natural language inference. In EACL, 2020. 
[152] J¨urgen Schmidhuber. Evolutionary principles in self-referential learning. PhD thesis, Technische Universit¨at M¨unchen, 1987. 
[153] Bernhard Sch¨olkopf, Dominik Janzing, Jonas Peters, Eleni Sgouritsa, Kun Zhang, and Joris Mooij. On causal and anticausal learning. In ICML, 2012. 
[154] Bernhard Sch¨olkopf, Francesco Locatello, Stefan Bauer, Nan Rosemary Ke, Nal Kalchbrenner, Anirudh Goyal, and Yoshua Bengio. Toward causal representation learning. Proceedings of the IEEE, 109(5):612–634, 2021. 
[155] Andrew W Senior, Richard Evans, John Jumper, James Kirkpatrick, Laurent Sifre, Tim Green, Chongli Qin, Augustin ˇZ´ıdek, Alexander WR Nelson, Alex Bridgland, et al. Improved protein structure prediction using potentials from deep learning. Nature, 577 (7792):706–710, 2020. 
[156] Pierre Sermanet, David Eigen, Xiang Zhang, Micha¨el Mathieu, Rob Fergus, and Yann LeCun. Overfeat: Integrated recognition, localization and detection using convolutional networks. arXiv preprint arXiv:1312.6229, 2013. 
[157] Ashish Shrivastava, Tomas Pfister, Oncel Tuzel, Josh Susskind, Wenda Wang, and Russell Webb. Learning from simulated and unsupervised images through adversarial training. In CVPR, 2017. 
[158] Rui Shu, Hung H. Bui, Hirokazu Narui, and Stefano Ermon. A dirt-t approach to unsupervised domain adaptation. In ICLR, 2018. 
[159] Yang Shu, Zhangjie Cao, Jinghan Gao, Jianmin Wang, and Mingsheng Long. Omni-training for data-efficient deep learning. arXiv preprint arXiv:2110.07510, 2021a. 
[160] Yang Shu, Zhi Kou, Zhangjie Cao, Jianmin Wang, and Mingsheng Long. Zoo-tuning: Adaptive transfer from a zoo of models. In ICML, 2021b. 
[161] David Silver, Aja Huang, Chris J Maddison, Arthur Guez, Laurent Sifre, George Van Den Driessche, Julian Schrittwieser, Ioannis Antonoglou, Veda Panneershelvam, Marc Lanctot, et al. Mastering the game of go with deep neural networks and tree search. Nature, 529(7587):484–489, 2016. 
[162] Jake Snell, Kevin Swersky, and Richard S. Zemel. Prototypical networks for few-shot learning. In NeurIPS, 2017. 
[163] Bharath K. Sriperumbudur, Arthur Gretton, Kenji Fukumizu, Bernhard Sch¨olkopf, and Gert R. G. Lanckriet. Hilbert space embeddings and metrics on probability measures. JMLR, 2010. 
[164] Masashi Sugiyama, Matthias Krauledat, and Klaus-Robert M¨uller. Covariate shift adaptation by importance weighted cross validation. JMLR, 8(35):985–1005, 2007. 
[165] Masashi Sugiyama, Shinichi Nakajima, Hisashi Kashima, Paul Buenau, and Motoaki Kawanabe. Direct importance estimation with model selection and its application to covariate shift adaptation. In NeurIPS, 2008. 
[166] Baochen Sun and Kate Saenko. Deep coral: Correlation alignment for deep domain adaptation. In ECCV, 2016. 
[167] Qianru Sun, Yaoyao Liu, Tat-Seng Chua, and Bernt Schiele. Meta-transfer learning for few-shot learning. In CVPR, 2019a. 
[168] Yu Sun, Shuohuan Wang, Yukun Li, Shikun Feng, Xuyi Chen, Han Zhang, Xin Tian, Danxiang Zhu, Hao Tian, and Hua Wu. Ernie: Enhanced representation through knowledge integration. arXiv preprint arXiv:1904.09223, 2019b. 
[169] Yaniv Taigman, Adam Polyak, and Lior Wolf. Unsupervised cross-domain image generation. In ICLR, 2017. 
[170] Sebastian Thrun and Lorien Pratt. Learning to learn. Springer Science & Business Media, 1998. 
[171] Yonglong Tian, Dilip Krishnan, and Phillip Isola. Contrastive multiview coding. In ECCV, 2020. 
[172] Lisa Torrey and Jude Shavlik. Transfer learning. 2010. 
[173] Yi-Hsuan Tsai, Wei-Chih Hung, Samuel Schulter, Kihyuk Sohn, Ming-Hsuan Yang, and Manmohan Chandraker. Learning to adapt structured output space for semantic segmentation. In CVPR, 2018. 
[174] Eric Tzeng, Judy Hoffman, Ning Zhang, Kate Saenko, and Trevor Darrell. Deep domain confusion: Maximizing for domain invariance. 2014. 
[175] Eric Tzeng, Judy Hoffman, Trevor Darrell, and Kate Saenko. Simultaneous deep transfer across domains and tasks. In ICCV, pages 4068–4076, 2015. 
[176] Eric Tzeng, Judy Hoffman, Kate Saenko, and Trevor Darrell. Adversarial discriminative domain adaptation. In CVPR, 2017. 
[177] Ashish Vaswani, Noam Shazeer, Niki Parmar, Jakob Uszkoreit, Llion Jones, Aidan N Gomez, �Lukasz Kaiser, and Illia Polosukhin. Attention is all you need. In NeurIPS, 2017. 
[178] Petar Veliˇckovi´c, William Fedus, William L Hamilton, Pietro Li`o, Yoshua Bengio, and R Devon Hjelm. Deep graph infomax. In ICLR, 2019. 
[179] Pascal Vincent, Hugo Larochelle, Yoshua Bengio, and Pierre-Antoine Manzagol. Extracting and composing robust features with denoising autoencoders. In ICML, 2008. 
[180] Oriol Vinyals, Charles Blundell, Timothy Lillicrap, Daan Wierstra, et al. Matching networks for one shot learning. In NeurIPS, 2016. 
[181] Oriol Vinyals, Igor Babuschkin, Wojciech M Czarnecki, Micha¨el Mathieu, Andrew Dudzik, Junyoung Chung, David H Choi, Richard Powell, Timo Ewalds, Petko Georgiev, et al. Grandmaster level in starcraft ii using multi-agent reinforcement learning. Nature, 575 (7782):350–354, 2019. 
[182] Tuan-Hung Vu, Himalaya Jain, Maxime Bucher, Matthieu Cord, and Patrick Perez. Advent: Adversarial entropy minimization for domain adaptation in semantic segmentation. In CVPR, 2019. 
[183] Alex Wang, Amanpreet Singh, Julian Michael, Felix Hill, Omer Levy, and Samuel R. Bowman. GLUE: A multi-task benchmark and analysis platform for natural language understanding. In ICLR, 2019a. 
[184] Haohan Wang, Songwei Ge, Zachary Lipton, and Eric P Xing. Learning robust global representations by penalizing local predictive power. In NeurIPS, 2019b. 
[185] Ximei Wang, Ying Jin, Mingsheng Long, Jianmin Wang, and Michael I Jordan. Transferable normalization: Towards improving transferability of deep neural networks. In NeurIPS, 2019c. 
[186] Ximei Wang, Jinghan Gao, Mingsheng Long, and Jianmin Wang. Self-tuning for dataefficient deep learning. In ICML, 2021. 
[187] Zirui Wang, Zihang Dai, Barnab´as P´oczos, and Jaime G. Carbonell. Characterizing and avoiding negative transfer. In CVPR, 2019d. 
[188] Jason Wei, Maarten Bosma, Vincent Y. Zhao, Kelvin Guu, Adams Wei Yu, Brian Lester, Nan Du, Andrew M. Dai, and Quoc V. Le. Finetuned language models are zero-shot learners. In ICLR, 2022. 
[189] Longhui Wei, Shiliang Zhang, Wen Gao, and Qi Tian. Person transfer gan to bridge domain gap for person re-identification. In CVPR, 2018. 
[190] Ross Wightman. Pytorch image models. https://github.com/rwightman/ pytorch-image-models, 2019. 
[191] Yuxin Wu and Kaiming He. Group normalization. In ECCV, 2018. 
[192] Zhirong Wu, Yuanjun Xiong, X Yu Stella, and Dahua Lin. Unsupervised feature learning via non-parametric instance discrimination. In CVPR, 2018. 
[193] Runxin Xu, Fuli Luo, Zhiyuan Zhang, Chuanqi Tan, Baobao Chang, Songfang Huang, and Fei Huang. Raise a child in large language model: Towards effective and generalizable fine-tuning. In EMNLP, 2021. 
[194] I Zeki Yalniz, Herv´e J´egou, Kan Chen, Manohar Paluri, and Dhruv Mahajan. Billion-scale semi-supervised learning for image classification. arXiv preprint arXiv:1905.00546, 2019. 
[195] Zhilin Yang, Zihang Dai, Yiming Yang, Jaime Carbonell, Russ R Salakhutdinov, and Quoc V Le. Xlnet: Generalized autoregressive pretraining for language understanding. In NeurIPS, 2019. 
[196] Huaxiu Yao, Ying Wei, Junzhou Huang, and Zhenhui Li. Hierarchically structured metalearning. In ICML, 2019. 
[197] Jason Yosinski, Jeff Clune, Yoshua Bengio, and Hod Lipson. How transferable are features in deep neural networks? In NeurIPS, 2014. 
[198] Kaichao You, Yong Liu, Jianmin Wang, and Mingsheng Long. Logme: Practical assessment of pre-trained models for transfer learning. In ICML, 2021. 
[199] Amir Roshan Zamir, Alexander Sax, William B. Shen, Leonidas J. Guibas, Jitendra Malik, and Silvio Savarese. Taskonomy: Disentangling task transfer learning. In CVPR, 2018. 
[200] Werner Zellinger, Thomas Grubinger, Edwin Lughofer, Thomas Natschl¨ager, and Susanne Saminger-Platz. Central moment discrepancy (cmd) for domain-invariant representation learning. In ICLR, 2017. 
[201] Chiyuan Zhang, Samy Bengio, Moritz Hardt, Benjamin Recht, and Oriol Vinyals. Understanding deep learning requires rethinking generalization. In ICLR, 2017. 
[202] Hongyang Zhang, Yaodong Yu, Jiantao Jiao, Eric P. Xing, Laurent El Ghaoui, and Michael I. Jordan. Theoretically principled trade-off between robustness and accuracy. In ICML, 2019a. 
[203] Jeffrey O. Zhang, Alexander Sax, Amir Zamir, Leonidas J. Guibas, and Jitendra Malik. Side-tuning: Network adaptation via additive side networks. 2019b. 
[204] Yuchen Zhang, Tianle Liu, Mingsheng Long, and Michael Jordan. Bridging theory and algorithm for domain adaptation. In ICML, 2019c. 
[205] Zhilu Zhang and Mert R. Sabuncu. Generalized cross entropy loss for training deep neural networks with noisy labels. In NeurIPS, 2018. 
[206] Nanxuan Zhao, Zhirong Wu, Rynson W. H. Lau, and Stephen Lin. What makes instance discrimination good for transfer learning? In ICLR, 2021. 
[207] Lucia Zheng, Neel Guha, Brandon R. Anderson, Peter Henderson, and Daniel E. Ho. When does pretraining help? assessing self-supervised learning for law and the casehold dataset. In ICAIL, 2021. 
[208] Jincheng Zhong, Ximei Wang, Zhi Kou, Jianmin Wang, and Mingsheng Long. Bi-tuning of pre-trained representations. arXiv preprint arXiv:2011.06182, 2020. 
[209] Jun-Yan Zhu, Taesung Park, Phillip Isola, and Alexei A Efros. Unpaired image-to-image translation using cycle-consistent adversarial networks. In ICCV, 2017. 
[210] Yukun Zhu, Ryan Kiros, Rich Zemel, Ruslan Salakhutdinov, Raquel Urtasun, Antonio Torralba, and Sanja Fidler. Aligning books and movies: Towards story-like visual explanations by watching movies and reading books. In ICCV, 2015. 
[211] Fuzhen Zhuang, Zhiyuan Qi, Keyu Duan, Dongbo Xi, Yongchun Zhu, Hengshu Zhu, Hui Xiong, and Qing He. A comprehensive survey on transfer learning. Proceedings of the IEEE, 109(1):43–76, 2021. 
[212] Yang Zou, Zhiding Yu, B. V. K. Vijaya Kumar, and Jinsong Wang. Unsupervised domain adaptation for semantic segmentation via class-balanced self-training. In ECCV, 2018. 

文章出处登录后可见!

已经登录?立即刷新

共计人评分,平均

到目前为止还没有投票!成为第一位评论此文章。

(0)
心中带点小风骚的头像心中带点小风骚普通用户
上一篇 2023年2月28日 下午10:41
下一篇 2023年2月28日

相关推荐