【论文阅读】Learning a Few-shot Embedding Model with Contrastive Learning-4 Experiments

4.1 Dataset and Setting

  为了验证我们的方法,我们在几个广泛使用的数据集上进行了实验。miniImageNet 9 是 ImageNet 41 的一个子数据集。它共有 100 个类别,每个类别有 600 个实例。这些类别被划分为训练集、验证集和测试集,分别包含 64、16 和 20 个类别。此划分遵循 42 的说明。tieredImageNet 也从 ImageNet 41 中采样。它由 608 个类别的 779,165 张图像组成。根据 43 的建议,它们被分为 351 个用于训练,97 个用于验证,160 个用于测试。Fewshot-CIFAR100(FC100)数据集 23 是 CIFAR-100 的一个子集。常见的划分为 60、20 和 20 个类别用于训练、验证和测试集。

  在训练和测试过程中,tieredImageNet 和 miniImageNet 的图像首先被调整为 84 × 84 的大小。FC100 的图像调整为 32 × 32。在训练过程中,随机水平翻转和随机裁剪被用作常见的数据增强,正如 24 中所使用的。

4.1.1 Implementation Details.

  ResNet12 是我们选择的模型结构,细节遵循 TADAM 23 中提出的版本。我们使用 he-normal 44 对模型进行初始化。随机梯度下降(Stochastic Gradient Descent, SGD) 45 被选为我们的优化器。初始学习率为 0.1。对于 miniImageNet,我们在第 12,000、14,000 和 16,000 个 episode 时降低学习率。对于 tieredImageNet,每经过 24,000 个 episode,学习率减半。在所有实验中,我们测试模型 2000 个 episode。每次训练期间,从每个 batch 中抽取 4 个 episode。

4.1.2 Metric for Comparison.

  我们在两种设置下进行了实验:5-way 1-shot 和 5-way 5-shot。我们报告平均准确率以及 95% 置信区间,以与其他方法进行比较。对于消融实验和进一步讨论,仅报告平均准确率。

4.2 Comparison with State-of-the-art

4.2.1 Competitors.

  为了验证我们的模型表现,我们选择了几个之前的方法进行比较。例如 ProtoNet 5,MAML 4,CAN 24,FEAT 46,Cross Domain 8 等。这些方法要么是少样本学习(FSL)中的经典方法,要么是具有最佳报告结果的方法。

Model Backbone miniImageNet
1-shot
miniImageNet
5-shot
tieredImageNet
1-shot
tieredImageNet
5-shot
ProtoNet 5
MatchingNet 9
RelationNet 18
MAML 4
Conv4 44.42±0.84
48.14±0.78
49.31±0.85
46.47±0.82
64.24±0.72
63.48±0.66
66.60±0.69
62.71±0.71
53.31±0.89
-
54.48±0.93
51.67±1.81
72.69±0.74
-
71.32±0.78
70.30±1.75
LEO 29
PPA 19
wDAE 47
CC+rot 48
WRN-28 61.76±0.08
59.60±0.41
61.07±0.15
62.93±0.45
77.59±0.12
73.74±0.19
76.75±0.11
79.87±0.33
66.33±0.05
-
68.18±0.16
70.53±0.51
81.44±0.09
-
83.09±0.12
84.98±0.36
ProtoNet 38
MatchingNet 38
RelationNet 38
MAML 38
Cross Domain 8
Res-10 51.98±0.84
54.49±0.81
52.19±0.83
51.98±0.84
66.32±0.80
72.64±0.64
68.82±0.65
70.20±0.66
66.62±0.83
81.98±0.55
-
-
-
-
-
-
-
-
-
-
TapNet 33
MetaOptNet 49
CAN 24
FEAT 46
DeepEMD 21
Negative Margin 20
Rethink-Distill 36
infoPatch
Res-12 61.65±0.15
62.64±0.61
63.85±0.48
66.78±0.20
65.91±0.82
63.85±0.81
64.82±0.60
67.67±0.45
76.36±0.10
78.63±0.46
79.44±0.34
82.05±0.14
82.41±0.56
81.57±0.56
82.14±0.43
82.44±0.31
-
65.99±0.72
69.89±0.51
70.80±0.23
71.16±0.87
-
71.52±0.69
71.51±0.52
-
81.56±0.53
84.23±0.37
84.79±0.16
86.03±0.58
-
86.03±0.49
85.44±0.35

表 1:miniImageNet 和 tieredImageNet 数据集上的 5-way 少样本学习准确率(95% 置信区间)。所有竞争方法的结果均来自其原始论文。

4.2.2 Discussion

  结果如表 1 所示。与其他具有复杂结构或更大网络(WRN28)的方法相比,我们实现了明显的增益,与 FEAT 46 相比,约提高 1%。由于没有为模型添加额外的结构,我们相比于其他方法(例如 CAN 24)有更清晰的推理逻辑。

  FC100 上的结果如表 2 所示,我们的模型在其中取得了有竞争力的性能。

Model FC100 accuracies
5-way 1-shot
FC100 accuracies
5-way 5-shot
MAML 38.1±1.7 50.4±1.0
MAML++ 38.7±0.4 52.9±0.4
T-NAS++ 40.4±1.2 54.6±0.9
TADAM 40.1±0.4 56.1±0.4
ProtoNet 37.5±0.6 52.5±0.6
MetaOptNet 41.1±0.6 55.5±0.6
DC 42.0±0.2 57.1±0.2
DeepEMD 46.5±0.8 63.2±0.7
Rethink-Distill 44.6±0.7 60.1±0.6
infoPatch 43.8±0.4 58.0±0.4

表 2:FC100 数据集上的 5-way 少样本学习准确率(95% 置信区间)。所有竞争方法的结果均来自其原始论文。

4.3 Ablation Study

4.3.1 我们方法的分析

  对于我们的方法,我们包含不同的部分:infoNCE、hard sample 和 PatchMix。如表 5 所示,每一部分都对性能提升有所贡献。在这次分析中,我们只使用 miniImageNet。我们发现,每个部分都做出了显著贡献。通过使用 infoNCE,与基线相比,我们可以提升超过 2%。使用我们提出的 hard sample,模型具有更好的泛化能力,在 1-shot 分类中的性能达到 66.8%。对于 PatchMix,我们发现它可以进一步提高模型性能约 1%。

Model FC100 accuracies
5-way 1-shot
FC100 accuracies
5-way 5-shot
MBaseline 61.69 78.31
+ infoNCE 64.23 79.17
+ hard sample 66.80 81.35
+ PatchMix 67.67 82.44

表 5:我们模型的消融研究,可以发现模型的每个部分都具有重要的贡献。

4.3.2 网格大小的消融实验

  在构建困难样本时,我们需要为 patch 定义网格。为了方便起见,我们只在 miniImageNet 上进行分析实验。我们选择了三种网格大小: 1 × 1 1 \times 1 1×1 6 × 6 6 \times 6 6×6 11 × 11 11 \times 11 11×11。对于 1 × 1 1 \times 1 1×1,我们使用整幅图像进行对比学习。如表 4(b) 所示,使用较大的网格大小可以获得更好的结果。我们没有尝试更大的网格,因为输入大小为 84 × 84 84 \times 84 84×84,较大的网格大小可能会在 patch 中引入更多噪声。对于适中的网格大小,我们可以找到困难样本,从而提高性能。

4.3.3 PatchMix 的有效性

  为了验证我们所提出方法的有效性,我们进行了以下两个实验。我们将 PatchMix 插入到其他现有的少样本学习方法中,例如 RelationNet 和 CAN。注意,我们将 RelationNet 的输出修改为一个向量而不是标量,以使其与 patch 级损失兼容。表 3(a) 中的结果与表 5 相似。第一个实验说明了我们的增强方法可以直接应用于其他 FSL 方法并提高其性能。这证明了我们的方法是一种可以广泛用于 FSL 的通用方法。

Model k
1
k
5
R-Net 52.78 68.11
R-Net + P-mix 53.50 68.67
CAN 63.85 79.44
CAN + P-mix 64.65 79.86

表 3(a) R-Net:RelationNet,P-mix:PatchMix。显示了 PatchMix 与其他方法(RelationNet 和 CAN)的组合。

Type k
1
k
5
Ind-mix 67.67 82.44
S-mix 67.53 81.94
E-mix 67.48 82.06

表 3(b) Ind-mix:独立混合,S-mix:共享混合,E-mix:交换混合。表 (b) 显示了对不同 PatchMix 实现的消融研究。

  为了进一步验证 PatchMix 的有效性,我们选择了其他几种数据增强方法进行比较。实验在 miniImageNet 上进行,除了详细的数据增强方法外,其他设置相同。我们将 Augmix 32 和 Cutmix 31 添加到我们的基线方法中。同时,我们使用了 manifold mixup 50 和 IDeMeNet 38 中的增强方法。表 4(a) 中报告了结果。显然,我们的 PatchMix 给出了最好的结果。

Augment k
1
k
5
mixup 66.64 80.99
augmix 66.90 81.27
cutmix 66.34 81.43
IDeMeNet 66.59 81.12
M-mixup 66.92 81.41
PatchMix 67.67 82.44

表 4(a) M-mixup:流形混合。表 (a) 包含与其他增强方法的比较。

grid size k
1
k
5
1×1 64.23 79.17
6×6 66.19 81.27
11×11 66.80 81.35

表 4(b) 显示了不同网格大小的结果。注意,在此实验中,6×6 和 11×11 的情况下未包含 PatchMix。我们发现,对于我们的设置,选择 11×11 的大小是一个不错的选择。

4.3.4 PatchMix 的实现

  我们通过在样本之间交换 patch 来实现 PatchMix。在本节中,我们还讨论了详细的实现。对于默认实现,我们在每个 episode 内部执行 PatchMix。我们将这种实现称为独立混合(independent mix)。目前,一些工作提出修改采样策略。例如,我们可以采样两个具有相同类别的 episode。这两个 episode 中的图像完全不同。在这种采样策略下,这两个 episode 是相似的。因此,我们尝试了两种变体的实现。第一种被称为共享混合(share mix)。对于共享混合,我们在两个 episode 内部执行 PatchMix。另一种被称为交换混合(exchange mix),它通过使用来自相似 episode 的样本(而不是它们所属的 episode)来执行 PatchMix。通过观察表 3(b) 中的结果,我们可以发现 PatchMix 在混合策略方面具有鲁棒性。

4.4 Visualizations

  我们方法的有效性是显著的。本节通过可视化探索性能提升的机制。

  首先,我们通过 tSNE 图来可视化嵌入。具体来说,我们从 miniImageNet 的目标类别中采样一个 episode,将其输入基线模型和完整模型。嵌入可视化结果如图 3 所示。从图 3 中可以观察到,我们方法生成的簇比基线方法更加紧凑。

在这里插入图片描述
图 3:我们对目标类别的一些样本进行了 tSNE 可视化。左图为基线模型的可视化结果,右图为我们模型的结果。显然,我们的模型能够更好地聚类样本。图中不同颜色代表不同的类别。

  此外,我们通过可视化空间对应关系来验证是否可以通过部分信息来识别图像。同样地,我们从 miniImageNet 的目标类别中采样一个 episode。我们使用支持图像的特征来计算查询图像每个 patch 的内积。热图分数在图 2 中显示。从图 2 中可以看出,我们的方法在空间关系上优于基线方法。我们的模型更准确、完整地覆盖了前景。这也可以被视为更好表征的证据。

在这里插入图片描述图 2:展示了图像及其空间对应关系的热图。我们利用网络生成的支持样本特征与查询图像特征计算内积,并将内积以热图的形式可视化。可以发现,我们的模型能够更精确地定位目标对象。本部分使用来自目标类别的图像进行展示。

5 Conclusion

  在本文中,我们展示了如何以监督的方式使用带有噪声对比估计(Noise Contrastive Estimation, NCE)的对比学习来训练用于少样本识别的深度嵌入模型。基于这一观察,我们提出了一种新的对比训练方案,称为 infoPatch,它利用 patch 级关系显著改进了流行的 infoNCE。我们证明了所提出的 infoPatch 学到的嵌入更加有效。我们在少样本识别任务中对我们的方法进行了全面评估,并在 miniImageNet 上取得了最先进的结果,同时在 tieredImageNet 和 Fewshot-CIFAR100(FC-100)上也表现出了令人满意的性能。


  1. Krizhevsky, A.; Sutskever, I.; and Hinton, G. E. 2012. Imagenet classification with deep convolutional neural networks. Advances in neural information processing systems 25: 1097–1105. ↩︎

  2. He, K.; Zhang, X.; Ren, S.; and Sun, J. 2016. Deep residual learning for image recognition. In Proceedings of the IEEE conference on computer vision and pattern recognition, 770–778. ↩︎

  3. He, K.; Gkioxari, G.; Dollár, P.; and Girshick, R. 2017. Mask r-cnn. In Proceedings of the IEEE international conference on computer vision, 2961–2969. ↩︎

  4. Finn, C.; Abbeel, P.; and Levine, S. 2017. Model-agnostic meta-learning for fast adaptation of deep networks. In International Conference on Machine Learning, 1126–1135. PMLR. ↩︎ ↩︎ ↩︎ ↩︎

  5. Snell, J.; Swersky, K.; and Zemel, R. S. 2017. Prototypical networks for few-shot learning. arXiv preprint arXiv:1703.05175. ↩︎ ↩︎ ↩︎ ↩︎ ↩︎ ↩︎

  6. Sung, F.; Yang, Y.; Zhang, L.; Xiang, T.; Torr, P. H.; and Hospedales, T. M. 2018. Learning to compare: Relation network for few-shot learning. In Proceedings of the IEEE conference on computer vision and pattern recognition, 1199–1208. ↩︎ ↩︎ ↩︎

  7. Rusu, A. A.; Rao, D.; Sygnowski, J.; Vinyals, O.; Pascanu, R.; Osindero, S.; and Hadsell, R. 2018. Meta-learning with latent embedding optimization. arXiv preprint arXiv:1807.05960. ↩︎ ↩︎

  8. Tseng, H.-Y.; Lee, H.-Y.; Huang, J.-B.; and Yang, M.-H. 2020. Cross-domain few-shot classification via learned feature-wise transformation. arXiv preprint arXiv:2001.08735. ↩︎ ↩︎ ↩︎ ↩︎

  9. Vinyals, O.; Blundell, C.; Lillicrap, T.; Kavukcuoglu, K.; and Wierstra, D. 2016. Matching networks for one shot learning. arXiv preprint arXiv:1606.04080. ↩︎ ↩︎ ↩︎ ↩︎

  10. Tian, Y.; Wang, Y.; Krishnan, D.; Tenenbaum, J. B.; and Isola, P. 2020. Rethinking few-shot image classification: a good embedding is all you need? arXiv preprint arXiv:2003.11539. ↩︎

  11. Chen, X.; Fan, H.; Girshick, R.; and He, K. 2020b. Improved baselines with momentum contrastive learning. arXiv preprint arXiv:2003.04297. ↩︎ ↩︎ ↩︎

  12. Chen, T.; Kornblith, S.; Norouzi, M.; and Hinton, G. 2020a. A simple framework for contrastive learning of visual representations. In International conference on machine learning, 1597–1607. PMLR. ↩︎ ↩︎

  13. Oord, A. v. d.; Li, Y.; and Vinyals, O. 2018. Representation learning with contrastive predictive coding. arXiv preprint arXiv:1807.03748. ↩︎

  14. Khosla, P.; Teterwak, P.; Wang, C.; Sarna, A.; Tian, Y.; Isola, P.; Maschinot, A.; Liu, C.; and Krishnan, D. 2020. Supervised contrastive learning. arXiv preprint arXiv:2004.11362. ↩︎ ↩︎

  15. Fei-Fei, L.; Fergus, R.; and Perona, P. 2006. One-shot learning of object categories. IEEE transactions on pattern analysis and machine intelligence 28(4): 594–611. ↩︎

  16. Wang, Y.; Zhang, L.; Yao, Y.; and Fu, Y. 2020b. How to trust unlabeled data? Instance Credibility Inference for Few-Shot Learning. arXiv preprint arXiv:2007.08461. ↩︎

  17. Wang, Y.; Xu, C.; Liu, C.; Zhang, L.; and Fu, Y. 2020a. Instance credibility inference for few-shot learning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 12836–12845. ↩︎

  18. Wang, K.; Liew, J. H.; Zou, Y.; Zhou, D.; and Feng, J. 2019. Panet: Few-shot image semantic segmentation with prototype alignment. In Proceedings of the IEEE/CVF International Conference on Computer Vision, 9197–9206. ↩︎ ↩︎

  19. Rakelly, K.; Shelhamer, E.; Darrell, T.; Efros, A. A.; and Levine, S. 2018. Few-shot segmentation propagation with guided networks. arXiv preprint arXiv:1806.07373. ↩︎ ↩︎

  20. Liu, M.-Y.; Huang, X.; Mallya, A.; Karras, T.; Aila, T.; Lehtinen, J.; and Kautz, J. 2019. Few-shot unsupervised image-to-image translation. In Proceedings of the IEEE/CVF International Conference on Computer Vision, 10551–10560. ↩︎ ↩︎

  21. Wertheimer, D.; and Hariharan, B. 2019. Few-shot learning with localization in realistic settings. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 6558–6567. ↩︎ ↩︎

  22. Nichol, A.; Achiam, J.; and Schulman, J. 2018. On first-order meta-learning algorithms. arXiv preprint arXiv:1803.02999. ↩︎

  23. Oreshkin, B. N.; Rodriguez, P.; and Lacoste, A. 2018. TADAM: task dependent adaptive metric for improved few-shot learning. In Proceedings of the 32nd International Conference on Neural Information Processing Systems, 719–729. ↩︎ ↩︎ ↩︎ ↩︎

  24. Hou, R.; Chang, H.; Ma, B.; Shan, S.; and Chen, X. 2019. Cross attention network for few-shot classification. arXiv preprint arXiv:1910.07677. ↩︎ ↩︎ ↩︎ ↩︎ ↩︎

  25. Ye, H.-J.; Hu, H.; Zhan, D.-C.; and Sha, F. 2020. Few-shot learning via embedding adaptation with set-to-set functions. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 8808–8817. ↩︎

  26. Wang, Y.; Wu, X.-M.; Li, Q.; Gu, J.; Xiang, W.; Zhang, L.; and Li, V. O. 2018a. Large margin meta-learning for few-shot classification. In Proc. 2nd Workshop Meta-Learn. NeurIPS, 1–8. ↩︎

  27. Zhang, C.; Cai, Y.; Lin, G.; and Shen, C. 2020. DeepEMD: Few-Shot Image Classification With Differentiable Earth Mover’s Distance and Structured Classifiers. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 12203–12213. ↩︎

  28. Tian, Y.; Krishnan, D.; and Isola, P. 2019. Contrastive multiview coding. arXiv preprint arXiv:1906.05849. ↩︎ ↩︎

  29. Park, T.; Efros, A. A.; Zhang, R.; and Zhu, J.-Y. 2020. Contrastive learning for unpaired image-to-image translation. In European Conference on Computer Vision, 319–345. Springer. ↩︎ ↩︎ ↩︎

  30. Zhang, H.; Cisse, M.; Dauphin, Y. N.; and Lopez-Paz, D. 2017. mixup: Beyond empirical risk minimization. arXiv preprint arXiv:1710.09412. ↩︎ ↩︎ ↩︎ ↩︎

  31. Yun, S.; Han, D.; Oh, S. J.; Chun, S.; Choe, J.; and Yoo, Y. 2019. Cutmix: Regularization strategy to train strong classifiers with localizable features. In Proceedings of the IEEE/CVF International Conference on Computer Vision, 6023–6032. ↩︎ ↩︎ ↩︎ ↩︎ ↩︎ ↩︎

  32. Hendrycks, D.; Mu, N.; Cubuk, E. D.; Zoph, B.; Gilmer, J.; and Lakshminarayanan, B. 2019. Augmix: A simple data processing method to improve robustness and uncertainty. arXiv preprint arXiv:1912.02781. ↩︎ ↩︎ ↩︎

  33. Verma, V.; Lamb, A.; Beckham, C.; Najafi, A.; Mitliagkas, I.; Lopez-Paz, D.; and Bengio, Y. 2019. Manifold mixup: Better representations by interpolating hidden states. In International Conference on Machine Learning, 6438–6447. PMLR. ↩︎ ↩︎ ↩︎

  34. DeVries, T.; and Taylor, G. W. 2017. Improved regularization of convolutional neural networks with cutout. arXiv preprint arXiv:1708.04552. ↩︎

  35. Summers, C.; and Dinneen, M. J. 2019. Improved mixed-example data augmentation. In 2019 IEEE Winter Conference on Applications of Computer Vision (WACV), 1262–1270. IEEE. ↩︎

  36. Wang, Y.-X.; Girshick, R.; Hebert, M.; and Hariharan, B. 2018b. Low-shot learning from imaginary data. In CVPR. ↩︎ ↩︎

  37. Chen, Z.; Fu, Y.; Wang, Y.-X.; Ma, L.; Liu, W.; and Hebert, M. 2019c. Image deformation meta-networks for one-shot learning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 8680–8689. ↩︎

  38. Chen, Z.; Fu, Y.; Chen, K.; and Jiang, Y.-G. 2019b. Image block augmentation for one-shot learning. In Proceedings of the AAAI Conference on Artificial Intelligence, volume 33, 3379–3386. ↩︎ ↩︎ ↩︎ ↩︎ ↩︎ ↩︎

  39. Liu, C.; Xu, C.; Wang, Y.; Zhang, L.; and Fu, Y. 2020b. An Embarrassingly Simple Baseline to One-Shot Learning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition Workshops, 922–923. ↩︎

  40. Dhillon, G. S.; Chaudhari, P.; Ravichandran, A.; and Soatto, S. 2019. A baseline for few-shot image classification. arXiv preprint arXiv:1909.02729. ↩︎

  41. Russakovsky, O.; Deng, J.; Su, H.; Krause, J.; Satheesh, S.; Ma, S.; Huang, Z.; Karpathy, A.; Khosla, A.; Bernstein, M.; et al. 2015. Imagenet large scale visual recognition challenge. International journal of computer vision 115(3): 211–252. ↩︎ ↩︎

  42. Ravi, S.; and Larochelle, H. 2017. Optimization as a model for few-shot learning. In In International Conference on Learning Representations (ICLR). ↩︎

  43. Ren, M.; Triantafillou, E.; Ravi, S.; Snell, J.; Swersky, K.; Tenenbaum, J. B.; Larochelle, H.; and Zemel, R. S. 2018. Meta-learning for semi-supervised few-shot classification. arXiv preprint arXiv:1803.00676. ↩︎

  44. He, K.; Zhang, X.; Ren, S.; and Sun, J. 2015. Delving deep into rectifiers: Surpassing human-level performance on imagenet classification. In Proceedings of the IEEE international conference on computer vision, 1026–1034. ↩︎

  45. Bottou, L. 2010. Large-scale machine learning with stochastic gradient descent. In Proceedings of COMPSTAT’2010, 177–186. Springer. ↩︎

  46. Fei, N.; Lu, Z.; Gao, Y.; Tian, J.; Xiang, T.; and Wen, J.-R. 2020. Meta-learning across meta-tasks for few-shot learning. arXiv preprint arXiv:2002.04274. ↩︎ ↩︎ ↩︎

  47. Gidaris, S.; Bursuc, A.; Komodakis, N.; Pérez, P.; and Cord, M. 2019. Boosting few-shot visual learning with self-supervision. In Proceedings of the IEEE/CVF International Conference on Computer Vision, 8059–8068. ↩︎

  48. Gidaris, S.; and Komodakis, N. 2019. Generating classification weights with gnn denoising autoencoders for few-shot learning. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, 21–30. ↩︎

  49. Liu, B.; Cao, Y.; Lin, Y.; Li, Q.; Zhang, Z.; Long, M.; and Hu, H. 2020a. Negative margin matters: Understanding margin in few-shot classification. In European Conference on Computer Vision, 438–455. Springer. ↩︎

  50. Mangla, P.; Kumari, N.; Sinha, A.; Singh, M.; Krishnamurthy, B.; and Balasubramanian, V. N. 2020. Charting the right manifold: Manifold mixup for few-shot learning. In Proceedings of the IEEE/CVF Winter Conference on Applications of Computer Vision, 2218–2227. ↩︎

上一篇:hadoop_core-site.xml配置实例


下一篇:使用doccano标注NER数据详细教程