元转移学习,少量学习 该存储库包含针对论文的TensorFlow和PyTorch实现,作者孙倩*,*,( )和( (* =相等贡献)。 如果您对此存储库或相关文章有任何疑问,请随时或。 检查快照分类排行榜。 概括 介绍 入门 数据集 表现 引文 致谢 介绍 已经提出将元学习作为解决具有挑战性的一次性学习设置的框架。 关键思想是利用大量类似的少量任务,以学习如何使基础学习者适应新的任务,对于该新任务,只有少量标记的样本可用。 由于深度神经网络(DNN)仅仅使用少数几个样本就趋于过拟合,因此元学习通常使用浅层神经网络(SNN),因此限制了其有效性。 在本文中,我们提出了一种称为元转移学习(MTL)的新颖的少拍学习方法,该方法可以学习将深度神经网络适应于少拍学习任务。 具体来说,meta是指训练多个任务,并且通过学习每个任务的DNN权重的缩放和移位功能来实现传递。 我们在两个具有挑
1
Online handwritten Chinese text recognition (OHCTR) is a challenging problem as it involves a large-scale character set, ambiguous segmentation, and variable-length input sequences. In this paper, we exploit the outstanding capability of path signature to translate online pen-tip trajectories into informative signature feature maps using a sliding window-based method, successfully capturing the analytic and geometric properties of pen strokes with strong local invariance and robustness. A multi-spatial-context fully convolutional recurrent network (MC-FCRN) is proposed to exploit the multiple spatial contexts from the signature feature maps and generate a prediction sequence while completely avoiding the difficult segmentation problem. Furthermore, an implicit language model is developed to make predictions based on semantic context within a predicting feature sequence, providing a new perspective for incorporating lexicon constraints and prior knowledge about a certain language in the recognition procedure. Experiments on two standard benchmarks, Dataset-CASIA and Dataset-ICDAR, yielded outstanding results, with correct rates of 97.10% and 97.15%, respectively, which are significantly better than the best result reported thus far in the literature.
2022-05-09 01:43:26 332.47MB 深度学习 手写中文字符识别
1
该项目是我们CVPR2019文件“用于人体姿势估计的深层高分辨率表示学习”的正式实现。用于人体姿势估计的深层高分辨率表示学习(CVPR 2019)新闻[2020/03/13] TPAMI:用于视觉识别的深度高分辨率表示学习。 它包括更多的HRNet应用程序,并且提供了以下代码:语义分割,异物检测,面部标志检测和图像分类。 [2020/02/01]我们为HRNet添加了演示代码。 感谢Alex Simes。 用于显示姿态估计结果的可视化代码
2022-05-01 16:05:52 7.29MB Python Deep Learning
1
matlab 策略代码 依赖关系 Python = 3.8 PyTorch = 1.5 张量板 麻木的 操作系统 简历2 PIL 球体 日志记录 训练 我在单个 NVIDIA RTX 2080Ti GPU 上训练和测试了模型。 训练策略与论文相同。 命令 # x4 python train.py --upscaling_factor 4 # x8 python train.py --upscaling_factor 8 # x16 python train.py --upscaling_factor 16 测试 # x4 python test.py --upscaling_factor 4 --model weights/X4/model_192600_iter.pth # x8 python test.py --upscaling_factor 8 --model weights/X8/model_177200_iter.pth # x16 python test.py --upscaling_factor 16 --model weights/X16/model_192600_i
2022-04-28 18:10:42 4.72MB 系统开源
1
2048的matlab源代码RPCF 论文``用于视觉跟踪的ROI池相关滤波器''的代码(CVPR 2019) 论文链接 安装 克隆GIT存储库 按照caffe的安装说明,在./caffe目录和matlab界面中编译源代码。 从下载VGG_ILSVRC_16_layers.caffemodel(553.4 MB),并将caffemodel文件放在./model目录下。 从下载imagenet-vgg-m-2048(345 MB),并将文件放入./networks。 在./external_libs文件夹中编译matconvnet。 运行演示代码demo_RPCF.m来测试代码。 您可以按照以下示例自定义自己的测试序列。 将configSeq.m修改为OTB数据集路径,然后在所有100个数据集上运行run_RPCF.m。 结果 (提取代码:2cdc) 上面的链接包括OTB-100 , VOT-2018数据集的结果。 引文 请引述您是否认为该论文对您的研究有所帮助:) @inproceedings{sun2019roi, title={ROI Pooled Correlation Filt
2022-04-27 20:39:21 14.76MB 系统开源
1
超高分辨率matlab代码HBPN (Hierarchical-Back-Projection-Network-for-image-SR) 作者:Zhi-Song、Li-Wen Wang 和 Chu-Tak Li 本 repo 仅提供简单的测试代码、预训练模型和网络策略演示。 我们提出了一种使用分层背投影网络 (HBPN) 的单幅图像超分辨率,以实现良好的 SR 性能和低失真。 您可以从以下位置查看论文 百科全书 @InProceedings{Liu2019hbpn, author = {Liu, Zhi-Song and Wang, Li-Wen and Li, Chu-Tak and Siu, Wan-Chi}, title = {Hierarchical Back Projection Network for Image Super-Resolution}, booktitle = {The Conference on Computer Vision and Pattern Recognition Workshop(CVPRW)}, month = {June}, year =
2022-03-12 21:34:02 4.36MB 系统开源
1
MVSNet和R-MVSNet [新闻] BlendedMVS数据集发布!!! ()。 关于 是一种深度学习体系结构,用于从非结构化多视图图像推断深度图, 是其扩展,用于基于可伸缩学习的MVS重建。 如果您发现此项目对您的研究有用,请引用: @article{yao2018mvsnet, title={MVSNet: Depth Inference for Unstructured Multi-view Stereo}, author={Yao, Yao and Luo, Zixin and Li, Shiwei and Fang, Tian and Quan, Long}, journal={European Conference on Computer Vision (ECCV)}, year={2018} } @article{yao2019recurrent,
2022-03-02 11:15:48 4.93MB Python
1
matlab泊松过程代码 CVPR 2019论文代码“具有真实荧光显微镜图像的泊松-高斯去噪数据集”,。 @inproceedings{zhang2018poisson, title={A Poisson-Gaussian Denoising Dataset with Real Fluorescence Microscopy Images}, author={Yide Zhang and Yinhao Zhu and Evan Nichols and Qingfei Wang and Siyuan Zhang and Cody Smith and Scott Howard}, booktitle={CVPR}, year={2019} } git clone https://github.com/bmmi/denoising-fluorescence.git cd denoising-fluorescence/denoising 相依性 的Python 3 PyTorch 1.0 skimage 的MATLAB FMD数据集 一次下载整个数据集 bash download_datase
2021-12-29 12:07:59 53.99MB 系统开源
1
matlab的egde源代码FastAP:深度度量学习排名 该存储库包含以下论文的实现: *,* 、、和(*均等贡献) IEEE计算机视觉与模式识别会议(CVPR),2019年 用法 Matlab :请参阅matlab/README.md PyTorch :请参阅pytorch/README.md 数据集 斯坦福在线产品可以下载 店内衣服检索可以下载 北大车辆识别码请向作者索取数据集 重现性 我们为论文中的结果提供训练有素的模型和实验记录。 这些模型用于获得表中的结果。 日志还包括参数设置,如果需要的话,可以使他们重新训练模型。 它还包括在某些时期的带有模型检查点的评估结果。 表1:斯坦福在线产品 FastAP,ResNet-18,M = 256,Dim = 512:[,] FastAP,ResNet-50,M = 96,Dim = 128:[,] FastAP,ResNet-50,M = 96,Dim = 512:[,] FastAP,ResNet-50,M = 256,Dim = 512:[,] 表2:店内衣服 FastAP,ResNet-18,M = 256,Dim = 512:
2021-12-28 09:43:57 99KB 系统开源
1
A Compact Embedding for Facial Expression Similarity, CVPR2019
2021-12-28 09:09:42 770KB Expression
1