CVPR2021年的官网:

CVPR2021最全1660篇pdf(4.3G)

链接: https://pan.baidu.com/s/1GWkqUOcO6KMOu-uLJrSpbA 提取码: vwkx 

我自己总结持续更新Github上面:https://github.com/Sophia-11/Awesome-CVPR-Paper

2021持续论文集锦百度云请在【计算机视觉联盟】后台回复  CVPR2021

往年论文集锦请在【计算机视觉联盟】后台回复  CVPR2019 

2020持续论文集锦请在【计算机视觉联盟】后台回复  CVPR2020

CVPR2021最新更新论文

Image-to-image Translation via Hierarchical Style Disentanglement Xinyang Li, Shengchuan Zhang, Jie Hu, Liujuan Cao, Xiaopeng Hong, Xudong Mao, Feiyue Huang, Yongjian Wu, Rongrong Ji https://arxiv.org/abs/2103.01456 https://github.com/imlixinyang/HiSD

FLAVR: Flow-Agnostic Video Representations for Fast Frame Interpolation https://arxiv.org/pdf/2012.08512.pdf https://tarun005.github.io/FLAVR/Code https://tarun005.github.io/FLAVR/

Patch-NetVLAD: Multi-Scale Fusion of Locally-Global Descriptors for Place Recognition Stephen Hausler, Sourav Garg, Ming Xu, Michael Milford, Tobias Fischer https://arxiv.org/abs/2103.01486

Depth from Camera Motion and Object Detection Brent A. Griffin, Jason J. Corso https://arxiv.org/abs/2103.01468

UP-DETR: Unsupervised Pre-training for Object Detection with Transformers https://arxiv.org/pdf/2011.09094.pdf

Multi-Stage Progressive Image Restoration https://arxiv.org/abs/2102.02808 https://github.com/swz30/MPRNet

Weakly Supervised Learning of Rigid 3D Scene Flow https://arxiv.org/pdf/2102.08945.pdf https://arxiv.org/pdf/2102.08945.pdf https://3dsceneflow.github.io/

Exploring Complementary Strengths of Invariant and Equivariant Representations for Few-Shot Learning Mamshad Nayeem Rizve, Salman Khan, Fahad Shahbaz Khan, Mubarak Shah https://arxiv.org/abs/2103.01315

Re-labeling ImageNet: from Single to Multi-Labels, from Global to Localized Labels https://arxiv.org/abs/2101.05022 https://github.com/naver-ai/relabel_imagenet

Rethinking Channel Dimensions for Efficient Model Design https://arxiv.org/abs/2007.00992 https://github.com/clovaai/rexnet

Coarse-Fine Networks for Temporal Activity Detection in Videos Kumara Kahatapitiya, Michael S. Ryoo https://arxiv.org/abs/2103.01302

A Deep Emulator for Secondary Motion of 3D Characters Mianlun Zheng, Yi Zhou, Duygu Ceylan, Jernej Barbic https://arxiv.org/abs/2103.01261

Fair Attribute Classification through Latent Space De-biasing https://arxiv.org/abs/2012.01469 https://github.com/princetonvisualai/gan-debiasing https://princetonvisualai.github.io/gan-debiasing/

Auto-Exposure Fusion for Single-Image Shadow Removal Lan Fu, Changqing Zhou, Qing Guo, Felix Juefei-Xu, Hongkai Yu, Wei Feng, Yang Liu, Song Wang https://arxiv.org/abs/2103.01255

Less is More: CLIPBERT for Video-and-Language Learning via Sparse Sampling https://arxiv.org/pdf/2102.06183.pdf https://github.com/jayleicn/ClipBERT

MetaSCI: Scalable and Adaptive Reconstruction for Video Compressive Sensing Zhengjue Wang, Hao Zhang, Ziheng Cheng, Bo Chen, Xin Yuan https://arxiv.org/abs/2103.01786

AttentiveNAS: Improving Neural Architecture Search via Attentive https://arxiv.org/pdf/2011.09011.pdf

Diffusion Probabilistic Models for 3D Point Cloud Generation Shitong Luo, Wei Hu https://arxiv.org/abs/2103.01458

There is More than Meets the Eye: Self-Supervised Multi-Object Detection and Tracking with Sound by Distilling Multimodal Knowledge Francisco Rivera Valverde, Juana Valeria Hurtado, Abhinav Valada https://arxiv.org/abs/2103.01353 http://rl.uni-freiburg.de/research/multimodal-distill

Encoding in Style: a StyleGAN Encoder for Image-to-Image Translation https://arxiv.org/abs/2008.00951 https://github.com/eladrich/pixel2style2pixel https://eladrich.github.io/pixel2style2pixel/

Hierarchical and Partially Observable Goal-driven Policy Learning with Goals Relational Graph Xin Ye, Yezhou Yang https://arxiv.org/abs/2103.01350

RepVGG: Making VGG-style ConvNets Great Again https://arxiv.org/abs/2101.03697 https://github.com/megvii-model/RepVGG

Transformer Interpretability Beyond Attention Visualization https://arxiv.org/pdf/2012.09838.pdf https://github.com/hila-chefer/Transformer-Explainability

PREDATOR: Registration of 3D Point Clouds with Low Overlap https://arxiv.org/pdf/2011.13005.pdf https://github.com/ShengyuH/OverlapPredator https://overlappredator.github.io/

往年2020年论文回归

目标检测

  1. Bridging the Gap Between Anchor-based and Anchor-free Detection via Adaptive Training Sample Selection 论文地址:https://arxiv.org/abs/1912.02424
    代码:https://github.com/sfzhang15/ATSS

  2. Few-Shot Object Detection with Attention-RPN and Multi-Relation Detector 论文地址:https://arxiv.org/abs/1908.01998

图像分割

  1. Semi-Supervised Semantic Image Segmentation with Self-correcting Networks 论文地址:https://arxiv.org/abs/1811.07073

  2. Deep Snake for Real-Time Instance Segmentation 论文地址:https://arxiv.org/abs/2001.01629

  3. CenterMask : Real-Time Anchor-Free Instance Segmentation 论文地址:https://arxiv.org/abs/1911.06667 代码:https://github.com/youngwanLEE/CenterMask

  4. SketchGCN: Semantic Sketch Segmentation with Graph Convolutional Networks 论文地址:https://arxiv.org/abs/2003.00678

  5. PolarMask: Single Shot Instance Segmentation with Polar Representation 论文地址:https://arxiv.org/abs/1909.13226 代码:https://github.com/xieenze/PolarMask

  6. xMUDA: Cross-Modal Unsupervised Domain Adaptation for 3D Semantic Segmentation 论文地址:https://arxiv.org/abs/1911.12676

  7. BlendMask: Top-Down Meets Bottom-Up for Instance Segmentation 论文地址:https://arxiv.org/abs/2001.00309

人脸识别

  1. Towards Universal Representation Learning for Deep Face Recognition 论文地址:https://arxiv.org/abs/2002.11841

  2. Suppressing Uncertainties for Large-Scale Facial Expression Recognition
    论文地址:https://arxiv.org/abs/2002.10392 代码:https://github.com/kaiwang960112/Self-Cure-Network

3.Face X-ray for More General Face Forgery Detection 论文地址:https://arxiv.org/pdf/1912.13458.pdf

目标跟踪

1.ROAM: Recurrently Optimizing Tracking Model 论文地址:https://arxiv.org/abs/1907.12006

三维点云&重建

  1. PF-Net: Point Fractal Network for 3D Point Cloud Completion 论文地址:https://arxiv.org/abs/2003.00410

  2. PointAugment: an Auto-Augmentation Framework for Point Cloud Classification 论文地址:https://arxiv.org/abs/2002.10876 代码:https://github.com/liruihui/PointAugment/

3.Learning multiview 3D point cloud registration 论文地址:https://arxiv.org/abs/2001.05119

  1. C-Flow: Conditional Generative Flow Models for Images and 3D Point Clouds 论文地址:https://arxiv.org/abs/1912.07009

  2. RandLA-Net: Efficient Semantic Segmentation of Large-Scale Point Clouds 论文地址:https://arxiv.org/abs/1911.11236

  3. Total3DUnderstanding: Joint Layout, Object Pose and Mesh Reconstruction for Indoor Scenes from a Single Image 论文地址:https://arxiv.org/abs/2002.12212

  4. Implicit Functions in Feature Space for 3D Shape Reconstruction and Completion 论文地址:https://arxiv.org/abs/2003.01456

  5. In Perfect Shape: Certifiably Optimal 3D Shape Reconstruction from 2D Landmarks 论文地址:https://arxiv.org/pdf/1911.11924.pdf

姿态估计

  1. VIBE: Video Inference for Human Body Pose and Shape Estimation 论文地址:https://arxiv.org/abs/1912.05656
    代码:https://github.com/mkocabas/VIBE

  2. Distribution-Aware Coordinate Representation for Human Pose Estimation 论文地址:https://arxiv.org/abs/1910.06278
    代码:https://github.com/ilovepose/DarkPose

  3. 4D Association Graph for Realtime Multi-person Motion Capture Using Multiple Video Cameras 论文地址:https://arxiv.org/abs/2002.12625

  4. Optimal least-squares solution to the hand-eye calibration problem 论文地址:https://arxiv.org/abs/2002.10838

  5. D3VO: Deep Depth, Deep Pose and Deep Uncertainty for Monocular Visual Odometry 论文地址:https://arxiv.org/abs/2003.01060

  6. Multi-Modal Domain Adaptation for Fine-Grained Action Recognition 论文地址:https://arxiv.org/abs/2001.09691

  7. Distribution Aware Coordinate Representation for Human Pose Estimation 论文地址:https://arxiv.org/abs/1910.06278

  8. The Devil is in the Details: Delving into Unbiased Data Processing for Human Pose Estimation 论文地址:https://arxiv.org/abs/1911.07524

9.PVN3D: A Deep Point-wise 3D Keypoints Voting Network for 6DoF Pose Estimation 论文地址:https://arxiv.org/abs/1911.04231

GAN

  1. Your Local GAN: Designing Two Dimensional Local Attention Mechanisms for Generative Models 论文地址:https://arxiv.org/abs/1911.12287 代码:https://github.com/giannisdaras/ylg

  2. MSG-GAN: Multi-Scale Gradient GAN for Stable Image Synthesis 论文地址:https://arxiv.org/abs/1903.06048

  3. Robust Design of Deep Neural Networks against Adversarial Attacks based on Lyapunov Theory 论文地址:https://arxiv.org/abs/1911.04636

小样本&零样本

  1. Improved Few-Shot Visual Classification 论文地址:https://arxiv.org/pdf/1912.03432.pdf

2.Meta-Transfer Learning for Zero-Shot Super-Resolution 论文地址:https://arxiv.org/abs/2002.12213

弱监督&无监督

  1. Rethinking the Route Towards Weakly Supervised Object Localization 论文地址:https://arxiv.org/abs/2002.11359
  2. NestedVAE: Isolating Common Factors via Weak Supervision 论文地址:https://arxiv.org/abs/2002.11576

3.Unsupervised Reinforcement Learning of Transferable Meta-Skills for Embodied Navigation 论文地址:https://arxiv.org/abs/1911.07450

4.Disentangling Physical Dynamics from Unknown Factors for Unsupervised Video Prediction 论文地址:https://arxiv.org/abs/2003.01460

神经网络

  1. Visual Commonsense R-CNN 论文地址:https://arxiv.org/abs/2002.12204

  2. GhostNet: More Features from Cheap Operations 论文地址:https://arxiv.org/abs/1911.11907 代码:https://github.com/iamhankai/ghostnet

  3. Watch your Up-Convolution: CNN Based Generative Deep Neural Networks are Failing to Reproduce Spectral 论文地址:https://arxiv.org/abs/2003.01826

模型加速

  1. GPU-Accelerated Mobile Multi-view Style Transfer 论文地址:https://arxiv.org/abs/2003.00706

视觉常识

  1. What it Thinks is Important is Important: Robustness Transfers through Input Gradients 论文地址:https://arxiv.org/abs/1912.05699

2.Attentive Context Normalization for Robust Permutation-Equivariant Learning 论文地址:https://arxiv.org/abs/1907.02545

  1. Bundle Adjustment on a Graph Processor 论文地址:https://arxiv.org/abs/2003.03134 https://github.com/joeaortiz/gbp

  2. Transferring Dense Pose to Proximal Animal Classes 论文地址:https://arxiv.org/abs/2003.00080

  3. Representations, Metrics and Statistics For Shape Analysis of Elastic Graphs 论文地址:https://arxiv.org/abs/2003.00287

  4. Learning in the Frequency Domain 论文地址:https://arxiv.org/abs/2002.12416

7.Filter Grafting for Deep Neural Networks 论文地址:https://arxiv.org/pdf/2001.05868.pdf

8.ClusterFit: Improving Generalization of Visual Representations 论文地址:https://arxiv.org/abs/1912.03330

9.Social-STGCNN: A Social Spatio-Temporal Graph Convolutional Neural Network for Human Trajectory Prediction 论文地址:https://arxiv.org/abs/2002.11927

10.Auto-Encoding Twin-Bottleneck Hashing 论文地址:https://arxiv.org/abs/2002.11930

11.Learning Representations by Predicting Bags of Visual Words 论文地址:https://arxiv.org/abs/2002.12247

12.Holistically-Attracted Wireframe Parsing 论文地址:https://arxiv.org/abs/2003.01663

13.A General and Adaptive Robust Loss Function 论文地址:https://arxiv.org/abs/1701.03077

14.A Characteristic Function Approach to Deep Implicit Generative Modeling 论文地址:https://arxiv.org/abs/1909.07425

15.AdderNet: Do We Really Need Multiplications in Deep Learning? 论文地址:https://arxiv.org/pdf/1912.13200

16.12-in-1: Multi-Task Vision and Language Representation Learning 论文地址:https://arxiv.org/abs/1912.02315

17.Making Better Mistakes: Leveraging Class Hierarchies with Deep Networks 论文地址:https://arxiv.org/abs/1912.09393

18.CARS: Contunuous Evolution for Efficient Neural Architecture Search 论文地址:https://arxiv.org/pdf/1909.04977.pdf 代码:https://github.com/huawei-noah/CARS

19.Towards Learning a Generic Agent for Vision-and-Language Navigation via Pre-training 论文地址:https://arxiv.org/abs/2002.10638 代码:https://github.com/weituo12321/PREVALENT

1.GhostNet: More Features from Cheap Operations(超越Mobilenet v3的架构) 论文链接:https://arxiv.org/pdf/1911.11907arxiv.org 模型(在ARM CPU上的表现惊人):https://github.com/iamhankai/ghostnetgithub.com

We beat other SOTA lightweight CNNs such as MobileNetV3 and FBNet.

  1. AdderNet: Do We Really Need Multiplications in Deep Learning? (加法神经网络) 在大规模神经网络和数据集上取得了非常好的表现 论文链接:https://arxiv.org/pdf/1912.13200arxiv.org

  2. Frequency Domain Compact 3D Convolutional Neural Networks (3dCNN压缩) 论文链接:https://arxiv.org/pdf/1909.04977arxiv.org 开源代码:https://github.com/huawei-noah/CARSgithub.com

  3. A Semi-Supervised Assessor of Neural Architectures (神经网络精度预测器 NAS)

  4. Hit-Detector: Hierarchical Trinity Architecture Search for Object Detection (NAS 检测) backbone-neck-head一起搜索, 三位一体

  5. CARS: Contunuous Evolution for Efficient Neural Architecture Search (连续进化的NAS) 高效,具备可微和进化的多重优势,且能输出帕累托前研

  6. On Positive-Unlabeled Classification in GAN (PU+GAN)

  7. Learning multiview 3D point cloud registration(3D点云) 论文链接:arxiv.org/abs/2001.05119

  8. Multi-Modal Domain Adaptation for Fine-Grained Action Recognition(细粒度动作识别) 论文链接:arxiv.org/abs/2001.09691

  9. Action Modifiers:Learning from Adverbs in Instructional Video 论文链接:arxiv.org/abs/1912.06617

  10. PolarMask: Single Shot Instance Segmentation with Polar Representation(实例分割建模) 论文链接:arxiv.org/abs/1909.13226 论文解读:https://zhuanlan.zhihu.com/p/84890413 开源代码:https://github.com/xieenze/PolarMask

  11. Rethinking Performance Estimation in Neural Architecture Search(NAS) 由于block wise neural architecture search中真正消耗时间的是performance estimation部分,本文针对 block wise的NAS找到了最优参数,速度更快,且相关度更高。

  12. Distribution Aware Coordinate Representation for Human Pose Estimation(人体姿态估计) 论文链接:arxiv.org/abs/1910.06278 Github:https://github.com/ilovepose/DarkPose 作者团队主页:https://ilovepose.github.io/coco/

OCR

  1. ABCNet: Real-time Scene Text Spotting with Adaptive Bezier-Curve Network 论文地址:https://arxiv.org/abs/2002.10200 代码:https://github.com/Yuliang-Liu/bezier_curve_text_spotting,https://github.com/aim-uofa/adet

图像分类

  1. Self-training with Noisy Student improves ImageNet classification 论文地址:https://arxiv.org/abs/1911.04252

  2. Image Matching across Wide Baselines: From Paper to Practice 论文地址:https://arxiv.org/abs/2003.01587

  3. Towards Robust Image Classification Using Sequential Attention Models 论文地址:https://arxiv.org/abs/1912.02184

视频分析

  1. Rethinking Zero-shot Video Classification: End-to-end Training for Realistic Applications 论文地址:https://arxiv.org/abs/2003.01455
    代码:https://github.com/bbrattoli/ZeroShotVideoClassification

  2. Say As You Wish: Fine-grained Control of Image Caption Generation with Abstract Scene Graphs 论文地址:https://arxiv.org/abs/2003.00387

  3. Fine-grained Video-Text Retrieval with Hierarchical Graph Reasoning 论文地址:https://arxiv.org/abs/2003.00392

  4. Object Relational Graph with Teacher-Recommended Learning for Video Captioning 论文地址:https://arxiv.org/abs/2002.11566

  5. Zooming Slow-Mo: Fast and Accurate One-Stage Space-Time Video Super-Resolution 论文地址:https://arxiv.org/abs/2002.11616

  6. Blurry Video Frame Interpolation 论文地址:https://arxiv.org/abs/2002.12259

  7. Hierarchical Conditional Relation Networks for Video Question Answering 论文地址:https://arxiv.org/abs/2002.10698

  8. Action Modifiers:Learning from Adverbs in Instructional Video 论文地址:https://arxiv.org/abs/1912.06617

图像处理

  1. Learning to Shade Hand-drawn Sketches 论文地址:https://arxiv.org/abs/2002.11812

2.Single Image Reflection Removal through Cascaded Refinement 论文地址:https://arxiv.org/abs/1911.06634

3.Generalized ODIN: Detecting Out-of-distribution Image without Learning from Out-of-distribution Data 论文地址:https://arxiv.org/abs/2002.11297

  1. Deep Image Harmonization via Domain Verification 论文地址:https://arxiv.org/abs/1911.13239 代码:https://github.com/bcmi/Image_Harmonization_Datasets

  2. RoutedFusion: Learning Real-time Depth Map Fusion 论文地址:https://arxiv.org/pdf/2001.04388.pdf

更新

  1. 视觉常识R-CNN,Visual Commonsense R-CNN

https://arxiv.org/abs/2002.12204

  1. Out-of-distribution图像检测

https://arxiv.org/abs/2002.11297

  1. 模糊视频帧插值,Blurry Video Frame Interpolation

https://arxiv.org/abs/2002.12259

  1. 元迁移学习零样本超分

https://arxiv.org/abs/2002.12213

  1. 3D室内场景理解

https://arxiv.org/abs/2002.12212

6.从有偏训练生成无偏场景图

https://arxiv.org/abs/2002.11949

  1. 自动编码双瓶颈哈希

https://arxiv.org/abs/2002.11930

  1. 一种用于人类轨迹预测的社会时空图卷积神经网络

https://arxiv.org/abs/2002.11927

  1. 面向面向深度人脸识别的通用表示学习

https://arxiv.org/abs/2002.11841

  1. 视觉表示泛化性

https://arxiv.org/abs/1912.03330

  1. 减弱上下文偏差

https://arxiv.org/abs/2002.11812

  1. 可迁移元技能的无监督强化学习

https://arxiv.org/abs/1911.07450

  1. 快速准确时空视频超分

https://arxiv.org/abs/2002.11616

  1. 对象关系图Teacher推荐学习的视频captioning

https://arxiv.org/abs/2002.11566

  1. 弱监督物体定位路由再思考

https://arxiv.org/abs/2002.11359

  1. 通过预培训学习视觉和语言导航的通用代理

https://arxiv.org/pdf/2002.10638.pdf

  1. GhostNet轻量级神经网络

https://arxiv.org/pdf/1911.11907.pdf

  1. AdderNet:在深度学习中,我们真的需要乘法吗?

https://arxiv.org/pdf/1912.13200.pdf

  1. CARS:高效神经结构搜索的持续进化

https://arxiv.org/abs/1909.04977

  1. 通过协作式的迭代级联微调来移除单图像中的反射

https://arxiv.org/abs/1911.06634

  1. 深度神经网络的滤波嫁接

https://arxiv.org/pdf/2001.05868.pdf

  1. PolarMask:将实例分割统一到FCN

https://arxiv.org/pdf/1909.13226.pdf

  1. 半监督语义图像分割

https://arxiv.org/pdf/1811.07073.pdf

  1. 通过选择性的特征再生来抵御通用攻击

https://arxiv.org/pdf/1906.03444.pdf

  1. 实时的基于细粒度草图的图像检索

https://arxiv.org/abs/2002.10310

  1. 用子问题询问VQA模型

https://arxiv.org/abs/1906.03444

  1. 从2D范例中学习神经三维纹理空间

https://geometry.cs.ucl.ac.uk/projects/2020/neuraltexture/

  1. NestedVAE:通过薄弱的监督来隔离共同因素

https://arxiv.org/abs/2002.11576

  1. 实现多未来轨迹预测

https://arxiv.org/pdf/1912.06445.pdf

  1. 使用序列注意力模型进行稳健的图像分类

https://arxiv.org/pdf/1912.02184

CVPR2021 | CVPR2021最全整理,CVPR2021下载链接,CVPR2021全部论文代码相关推荐

  1. 各神经网络文献出处整理(附下载链接)

    常见神经网络出处及下载链接 一.CNN及其变体 二.RNN及其变体 三.Transformer及其变体 四.生成对抗网络GAN及其变体 五.特殊网络 总览 整理下这些年主要的神经网络文献,包括了三大特 ...

  2. 收藏|2021年阿里云开源镜像站最热门镜像王全梳理 (附下载链接和Top20镜像王排名)

    阿里云官方镜像站:https://developer.aliyun.com/mirror/?utm_content=g_1000307095 简介: 阿里云开源镜像站的初衷在于宣传自由软件的价值,提高 ...

  3. #Labview <史上最全VISA驱动下载链接>

    目录 1.前言 2.下载链接 1.前言 NI-​VISA​是​一个​NI​仪器​驱动​程序,​是​虚拟​仪器​软件​架构​(VISA) I/​O​标准​的​具体​实现.​虚拟​仪器​软件​架构​(VI ...

  4. R︱Rstudio 1.0版本尝鲜(R notebook、下载链接、sparkR、代码时间测试profile)

    每每以为攀得众山小,可.每每又切实来到起点,大牛们,缓缓脚步来俺笔记葩分享一下吧,please~ --------------------------- 2016年11月1日,RStudio 1.0版 ...

  5. 收藏|2021年阿里云开源镜像站最热门镜像王全梳理(附下载链接和Top20镜像王排名)

    阿里云开源镜像站的初衷在于宣传自由软件的价值,提高大家的开发效率,帮助大家更快地进行应用创建. 全面.快速.稳定.可信 作为程序员肯定要和开源软件打交道,很多情况需要用到相关的代码库,而依赖和软件包的 ...

  6. Learning Texture Transformer Network for Image Super-Resolution(全译文+大量名词链接)读论文记录①

    本文目录 摘要 附录 摘要 1.简介 附录 简介 2.相关工作 附录 相关工作 SISR RefSR 3.方法 附录 方法 3.1纹理转换器(Texture Transformer) 可学习的纹理提取 ...

  7. 电气论文:梯级水电站调度优化建模(文末有程序下载链接)

    系列文章目录 个人电气博文传送门:学好电气全靠它,个人电气博文目录(持续更新中-)     本文针对梯级水电站调度优化进行建模,简单文字描述加程序共22页.matlab 和python双语言编写. 作 ...

  8. 【最全】Google Chrome20-83各版本下载链接整理

    这里写自定义目录标题 [最全]Google Chrome 20-83各版本下载链接 废话少说,直接上链接,有帮助请不要吝啬你的赞哦~ [最全]Google Chrome 20-83各版本下载链接 最近 ...

  9. #超全#行人重识别数据集整理,附下载链接和介绍

    数据集名称 时间 图片尺寸 (总)行人数量/图像 训练集人数/图像 query集人数/图像 gallery 集人数/图像 摄像头数量 图片说明 简介 图片命名 下载链接 文献 1.Market-150 ...

  10. 【报告分享】企业出海全知道.pdf(附80页pdf下载链接)

    大家好,我是文文(微信:sscbg2020),今天给大家分享微软和久谦于2020年10月份联合发布的报告<企业出海全知道.pdf>,做出海市场的伙伴们可以重点参考下. 近年,随着国家&qu ...

最新文章

  1. C++中extern使用
  2. 吴恩达深度学习笔记(67)-迁移学习(Transfer learning)
  3. Stanford UFLDL教程 稀疏编码自编码表达
  4. 上下班同行有利于婚姻美满?
  5. 解决express video 手机无法播放的问题
  6. 关于Promise详解
  7. java jdk包_Java开发工具包JDK的简介
  8. Unity3d十二 3d主要引擎名称Ogre Unreal Unity Gamebryo Bigworld
  9. 基于矩阵分解的协同过滤推荐算法
  10. BZOJ4200: [Noi2015]小园丁与老司机
  11. Js-Html转文本
  12. 尽管凭借主持人的身份成名,张绍刚先生在内心深处却对这一角色认可度很低
  13. DeFi 2.0的LaaS协议Elephant,重振DeFi赛道发展的关键
  14. 优化滚动的一个小技巧:scroll-snap-type
  15. 2022年学C++开发好比49年入国军,没什么公司在用C++了?
  16. nssl 1438.战略威慑
  17. 微信小程序数组的合成方式
  18. 使用google map v3 api 开发地图服务
  19. 关于PS新建(PS如何新建)
  20. Citrix云桌面最小环境搭建

热门文章

  1. 【内网学习笔记】25、Exchange 邮件服务器
  2. 快播将关闭QVOD服务器 清理低俗内容与涉盗版内容
  3. 【微信小程序】小程序调起付款码
  4. bof - pwnable
  5. 清理winsxs的小工具
  6. [小作品]小小梦想初级物理摸拟系统
  7. 鸿蒙会出电脑系统吗,鸿蒙有没有可能出PC操作系统?
  8. R语言通过WinBUGS对MGARCH和MSV模型进行贝叶斯估计和比较
  9. FATAL: the database system is in recovery mode解决一例
  10. stm32F107VC通过模拟SPI方式读取LIS3DH三轴加速度传感器数据