搜索
查看
编辑修改
首页
UNITY
NODEJS
PYTHON
AI
GIT
PHP
GO
CEF3
JAVA
HTML
CSS
搜索
你好赵伟
这个屌丝很懒,什么也没留下!
关注作者
热门标签
jquery
HTML
CSS
PHP
ASP
PYTHON
GO
AI
C
C++
C#
PHOTOSHOP
UNITY
iOS
android
vue
xml
爬虫
SEO
LINUX
WINDOWS
JAVA
MFC
CEF3
CAD
NODEJS
GIT
Pyppeteer
article
热门文章
1
通用大模型VS垂直大模型
2
[大模型]Qwen2-7B-Instruct Lora 微调_qwen2 微调训练
3
Python基础入门自学——10_def init(self, output: callable = print) -> bool:
4
git解决合并冲突_git pull合并冲突
5
python编写小游戏详细教程,用python做简单的小游戏_怎么编程小游戏
6
反无人机技术详解
7
vscode 无法导入自己写的模块文件(.py)问题_vscode中import无法导入
8
类ChatGPT人工智能技术嵌入数字政府治理:价值、风险及其防控
9
2023年Android社招找工作需要掌握到什么程度?_2023android 简历 相关技能
10
深度学习之Softmax回归_softmax回归 matlab csdn
当前位置:
article
> 正文
CVPR2019论文题目中文列表_nm-net: mining reliable neighbors for robust featu
作者:你好赵伟 | 2024-06-11 09:19:25
赞
踩
nm-net: mining reliable neighbors for robust feature correspondences
英文题目
中文题目
Finding Task-Relevant Features for Few-Shot Learning by Category Traversal
少镜头学习
中
用
类别遍历法
寻找任务相关特征
Edge-Labeling Graph Neural Network for Few-Shot Learning
用于
少镜头学习
的
边缘标记
图神经网络
Generating Classification Weights With GNN Denoising Autoencoders for Few-Shot Learning
用
GNN去噪自编码器
生成
分类权重
实现
少镜头学习
Kervolutional Neural Networks
核化卷积
神经网络
神经网络中传统卷积运算的扩展——
kervolution
(Kernel Convolution):对于传统卷积的非线性化——利用非线性映射(针对输入特征,及卷积核)后,再卷积(公式4)
Why ReLU Networks Yield High-Confidence Predictions Far Away From the Training Data and How to Mitigate the Problem
为什么
ReLU网络
产生
远离训练数据
的
高置信度预测
以及如何缓解问题
On the Structural Sensitivity of Deep Convolutional Networks to the Directions of Fourier Basis Functions
深度卷积网络
对
傅立叶基函数方向
的
结构灵敏度
Neural Rejuvenation: Improving Deep Network Training by Enhancing Computational Resource Utilization
神经再生:通过
提高计算资源利用率
改进深度网络训练
Hardness-Aware Deep Metric Learning
硬度感知
深度测量学习
Auto-DeepLab: Hierarchical Neural Architecture Search for Semantic Image Segmentation
Auto-DeepLab:
语义图像分割
的
层次神经结构搜索
神经网络
结构
的自动搜索优化(而不是预先定义)
Learning Loss for Active Learning
主动学习
的
学习损失
Striking the Right Balance With Uncertainty
以
不确定性
达到
正确的平衡
AutoAugment: Learning Augmentation Strategies From Data
自增强:
从数据中
学习
增强策略
SDRSAC: Semidefinite-Based Randomized Approach for Robust Point Cloud Registration Without Correspondences
SDRSAC:
无通信的
基于半定的随机方法
实现
鲁棒
点云配准
BAD SLAM: Bundle Adjusted Direct RGB-D SLAM
BAD SLAM:
Bundle Adjusted
直接RGB-D SLAM
提出了
实时的密集SLAM
的BA方法(传统的密集BA方法比较耗时)
算法贡献主要在于提出使用
Surfel
的概念,从而利用Surfel来估计一组像素,因而达到密集BA的目的
代价函数见公式1,BA优化算法见Algo.1
代码:
www.eth3d.net
Revealing Scenes by Inverting Structure From Motion Reconstructions
通过
structure From Motion重建反转
来
显示场景
Strand-Accurate Multi-View Hair Capture
精确的
多视图
头发捕捉
DeepSDF: Learning Continuous Signed Distance Functions for Shape Representation
deepSDF:学习
连续符号距离函数
的
形状表示
Pushing the Boundaries of View Extrapolation With Multiplane Images
使用
多平面图像
推送
视图外推边界
GA-Net: Guided Aggregation Net for End-To-End Stereo Matching
GA-Net:端到端
立体匹配
的
引导聚合网
提出两种
cost aggregation
方法:
semi-global
和
local
,分别对应无纹理区和细结构/边缘区
Real-Time Self-Adaptive Deep Stereo
实时自适应
深度立体
MADNet
:
在线自适应
来解决
domain shift
问题(训练集为合成数据,而真实测试集为真实场景)。在实际使用中,每帧数据(对)不仅用来计算视差,
同时用来在线更新网络权值
,达到自适应的目的
LAF-Net: Locally Adaptive Fusion Networks for Stereo Confidence Estimation
LAF-Net:用于
立体置信估计
的
局部(L)自适应(A)融合(F)网络
置信图
(Confidence map)用以
衡量每个点的(估计后)视差的置信度
(如图1),进而对不同置信度像素点的视差可以refine等后处理。
NM-Net: Mining Reliable Neighbors for Robust Feature Correspondences
NM-Net:
挖掘可靠的邻域
,以实现强大的
特征对应
特征点对应一般有SIFT等局部特征对应
初始化
,但是初始化的对应特征点不可避免包含错误的对应,因此需要
后处理
来“
选择
”正确的对应特征点。
本文主要关注基于学习的方法,来实现正确地“选择”对应特征点。
Coordinate-Free Carlsson-Weinshall Duality and Relative Multi-View Geometry
无坐标
Carlsson-Weinshall对偶
及
相对多视图几何
Deep Reinforcement Learning of Volume-Guided Progressive View Inpainting for 3D Point Scene Completion From a Single Depth Image
利用
深度强化学习
实现
单深度图像
的基于
体引导渐进视图修补
的
三维点场景补全
Video Action Transformer Network
视频动作转换
网络
Timeception for Complex Action Recognition
复杂动作识别
的
时间感知
STEP: Spatio-Temporal Progressive Learning for Video Action Detection
STEP:
视频动作检测
的
时空渐进学习
Relational Action Forecasting
关系动作
预测
Long-Term Feature Banks for Detailed Video Understanding
详细视频理解
的
长期功能库
Which Way Are You Going? Imitative Decision Learning for Path Forecasting in Dynamic Scenes
你往哪边走?
动态场景中
路径预测
的
模拟决策学习
What and How Well You Performed? A Multitask Learning Approach to Action Quality Assessment
你的表现如何?
行动质量评估
的
多任务学习方法
MHP-VOS: Multiple Hypotheses Propagation for Video Object Segmentation
MHP-VOS:
视频对象分割
的
多假设传播
2.5D Visual Sound
2.5D视觉声音
Language-Driven Temporal Activity Localization: A Semantic Matching Reinforcement Learning Model
语言驱动的时间活动定位:
语义匹配
的
强化学习
模型
Gaussian Temporal Awareness Networks for Action Localization
用于
动作定位
的
高斯时间感知网络
Efficient Video Classification Using Fewer Frames
使用更少帧
的
高效
视频分类
Parsing R-CNN for Instance-Level Human Analysis
解析R-CNN
实现
实例级的人分析
Large Scale Incremental Learning
大规模
增量学习
增量学习:不断增加新类别的学习。由于不断增加新类别,导致旧类别的样本减少,造成数据不平衡,从而使得旧类别的识别度下降。本文关注类别不平衡问题的解决
TopNet: Structural Point Cloud Decoder
TopNet:
结构化
点云解码器
Perceive Where to Focus: Learning Visibility-Aware Part-Level Features for Partial Person Re-Identification
感知关注点:学习
可见性感知
部分级
特征
实现
部分人重识别
Meta-Transfer Learning for Few-Shot Learning
元转移学习
实现
少镜头学习
Structured Binary Neural Networks for Accurate Image Classification and Semantic Segmentation
用于精确
图像分类
和
语义分割
的
结构化二元神经网络
由原始网络经过
网络结构改进
及
权值二元化
,实现
网络的轻量级
Deep RNN Framework for Visual Sequential Applications
用于
视觉序列应用
的
深度RNN框架
Graph-Based Global Reasoning Networks
基于图的
全局
推理网络
通过引入全局信息,
改善卷积操作的局部性缺陷
。如图1,2,首先将空间(笛卡尔坐标)像素投影到交互空间(interaction space),在交互空间通过全连接(图)网络,获取全局信息,然后再反投影到原始空间。
SSN: Learning Sparse Switchable Normalization via SparsestMax
SSN:通过
SparsestMax
学习
稀疏可切换
规范化
Spherical Fractal Convolutional Neural Networks for Point Cloud Recognition
用于
点云识别
的
球形分形
卷积神经网络
Learning to Generate Synthetic Data via Compositing
学习通过
合成
生成
合成数据
Divide and Conquer the Embedding Space for Metric Learning
划分并征服
嵌入空间
实现
度量学习
Latent Space Autoregression for Novelty Detection
新颖性检测
的
潜在空间自回归
Attending to Discriminative Certainty for Domain Adaptation
注意判别确定性
实现
域适应
Feature Denoising for Improving Adversarial Robustness
特征去噪
提高
对抗鲁棒性
Selective Kernel Networks
选择性
核网络
On Implicit Filter Level Sparsity in Convolutional Neural Networks
卷积神经网络的
隐式滤波级
稀疏性
研究比较网络中采用不同方法(正则、优化等)情形下的网络系数稀疏性情况
FlowNet3D: Learning Scene Flow in 3D Point Clouds
FlowNet3D:学习
三维点云中的
场景流
Scene Memory Transformer for Embodied Agents in Long-Horizon Tasks
远程任务中
基于
场景记忆变换器
的
嵌入式代理
Co-Occurrent Features in Semantic Segmentation
语义分割
中的
共现特征
考虑的语义分割中不同语义之间的关系(共现:
Co-occurrent
,图3
),实际上是考虑不同位置之间的点积信息
Bag of Tricks for Image Classification with Convolutional Neural Networks
基于卷积神经网络的
图像分类
中采用的
技巧
Learning Channel-Wise Interactions for Binary Convolutional Neural Networks
二元卷积神经网络
的
通道交互学习
Knowledge Adaptation for Efficient Semantic Segmentation
有效
语义分割
的
知识自适应
基于
知识蒸馏
的方法(
利用复杂的teacherNet指导简单的studentNet
,从而得到更快速、效果更佳的推断),实现语义分割
Parametric Noise Injection: Trainable Randomness to Improve Deep Neural Network Robustness Against Adversarial Attack
参数噪声注入:
可训练的
随机性
以
提高
深度神经网络
对抗攻击的鲁棒性
Invariance Matters: Exemplar Memory for Domain Adaptive Person Re-Identification
不变性问题:基于
范例记忆
的
域适应人再识别
同时利用source域带标签的训练样本和target域无标签的训练样本
,训练具备
域自适应
的
跨域ReID
。如图2,其中target域样本考虑
三种不变性
,形成
记忆范例模块
,辅助训练
Dissecting Person Re-Identification From the Viewpoint of Viewpoint
从
视角的视角
剖析
人再识别
两点贡献:1
.提出了一个构建不同视角训练集的引擎(算法);2. 分析不同视角对ReID的影响
Learning to Reduce Dual-Level Discrepancy for Infrared-Visible Person Re-Identification
学习减少双级差异
实现
红外可见
人再识别
红外图像的ReID,两两差异(discrepancy),采用两个不同子网来处理
Progressive Feature Alignment for Unsupervised Domain Adaptation
基于
渐进特征对齐
的
无监督
域自适应
Feature-Level Frankenstein: Eliminating Variations for Discriminative Recognition
特征级Frankenstein:基于
差异消除
的
判别性识别
Learning a Deep ConvNet for Multi-Label Classification With Partial Labels
基于
深度ConvNet学习
的
局部标签
多标签分类
Generalized Intersection Over Union: A Metric and a Loss for Bounding Box Regression
联合上的广义交集:用于
BoundingBox回归
的
度量和损失
Densely Semantically Aligned Person Re-Identification
基于
密集语义对齐
的
人再识别
首先利用DensePose模型,将人体进行语义分割(
24种语义),然后对于分割后的人体部分进行对齐(alignmeng)。最后,将这些24幅对齐后的图像组作为输入,输入到辅助网络中,帮助提高主网的ReID能力(图3)
Generalising Fine-Grained Sketch-Based Image Retrieval
基于
细粒度草图
的
图像检索
Adapting Object Detectors via Selective Cross-Domain Alignment
选择性跨域对齐
实现
目标检测器调整
Cyclic Guidance for Weakly Supervised Joint Detection and Segmentation
基于
循环引导
的
弱监督
联合检测与分割
Thinking Outside the Pool: Active Training Image Creation for Relative Attributes
池化外思维:基于
主动训练图像创建
的
相关属性
Generalizable Person Re-Identification by Domain-Invariant Mapping Network
基于
域不变映射网络
的
可推广
人再识别
利用多个domain的数据训练,得到domain可推广的ReID(新的domain无需再update)。采用元学习的思想,网络图见图
1
Visual Attention Consistency Under Image Transforms for Multi-Label Image Classification
图像变换下
视觉注意一致性
实现
多标签图像分类
Re-Ranking via Metric Fusion for Object Retrieval and Person Re-Identification
基于
度量融合
的
重新排序
实现
目标检索
和
人再识别
人再识别后的
re-rank
,将几种Fusion算法统一起来。
目标函数:公式10
Unsupervised Open Domain Recognition by Semantic Discrepancy Minimization
基于
语义差异最小化
的
无监督
开放域识别
Weakly Supervised Person Re-Identification
弱监督
人再识别
所谓“弱监督”,在这里指的是Gallery集合中的是视频帧,每帧有若干个人,而对于标签只指出含有哪些人,而不指出对应哪个人。Probe只单个人的patch,且标签为确定的人。这是一个
多标签,多实例
的问题
PointRCNN: 3D Object Proposal Generation and Detection From Point Cloud
PointRCNN
:从
点云
实现
三维对象Proposal
生成
和
检测
Automatic Adaptation of Object Detectors to New Domains Using Self-Training
利用
自训练
使
目标探测器
自动
适应新领域
Deep Sketch-Shape Hashing With Segmented 3D Stochastic Viewing
基于
分段三维随机视图
的
深度
草图形状散列
Generative Dual Adversarial Network for Generalized Zero-Shot Learning
基于
生成对偶对抗网络
的
广义
零镜头学习
Query-Guided End-To-End Person Search
基于
查询引导
的
端到端
人员搜索
Libra R-CNN: Towards Balanced Learning for Object Detection
Libra R-CNN:
目标检测
的
平衡学习
在RNN网络中,作者认为存在
三种不平衡
(采样不平衡、各层级特征不平衡、损失函数中各项之间不平衡),从而导致效果下降。本文在网络中的不同位置,添加不同的
再平衡模块
(
如图2
)
效果有两个点的提升(表1),代码:
https://github.com/OceanPang/Libra_R-CNN
Learning a Unified Classifier Incrementally via Rebalancing
通过
重新平衡
实现
统一分类器
的逐步学习
Feature Selective Anchor-Free Module for Single-Shot Object Detection
基于
特征选择无锚模块
的
单镜头
目标检测
Bottom-Up Object Detection by Grouping Extreme and Center Points
通过
对极值点和中心点进行分组
的
自下而上
目标检测
Feature Distillation: DNN-Oriented JPEG Compression Against Adversarial Examples
特征蒸馏:基于
DNN
的
JPEG压缩与对抗性示例
SCOPS: Self-Supervised Co-Part Segmentation
SCOPS:
自监督
共部分分割
Unsupervised Moving Object Detection via Contextual Information Separation
基于
上下文信息分离
的无监督
运动目标检测
Pose2Seg: Detection Free Human Instance Segmentation
Pose2Seg:
无需检测
人实例分割
专门针对
相互遮挡情形
下的人
实例分割
,利用
人体骨架特征
预测
DrivingStereo: A Large-Scale Dataset for Stereo Matching in Autonomous Driving Scenarios
驾驶立体:用于
自动驾驶场景中
立体匹配
的
大规模数据集
PartNet: A Large-Scale Benchmark for Fine-Grained and Hierarchical Part-Level 3D Object Understanding
PartNet:一个用于
精细和层次化
Part-Level三维对象理解
的
大规模基准
A Dataset and Benchmark for Large-Scale Multi-Modal Face Anti-Spoofing
大型多模
人脸防欺骗
的
数据集
与
基准
Unsupervised Learning of Consensus Maximization for 3D Vision Problems
三维视觉问题
共识最大化
的
无监督学习
VizWiz-Priv: A Dataset for Recognizing the Presence and Purpose of Private Visual Information in Images Taken by Blind People
VizWiz-Priv:一个
数据集
,用于
识别盲人拍摄的图像中私人视觉信息的存在和目的
。
Structural Relational Reasoning of Point Clouds
点云的
结构关系推理
MVF-Net: Multi-View 3D Face Morphable Model Regression
MVF-Net:
多视图三维
人脸形态模型回归
Photometric Mesh Optimization for Video-Aligned 3D Object Reconstruction
光度网格优化
实现
基于视频对齐的
三维对象重建
Guided Stereo Matching
引导
立体匹配
给定
稀疏
(正确)的
深度值
(可以容易地转化为对应点的视差值),
利用这部分信息作为引导
,辅助实现立体视觉(公式1-4,通过图2b,c可以看出,其对性能的提升也是有明显的好处的)
Unsupervised Event-Based Learning of Optical Flow, Depth, and Egomotion
无监督的基于
事件
的
光流、深度和自我学习
Modeling Local Geometric Structure of 3D Point Clouds Using Geo-CNN
基于
Geo-CNN
的
三维点云的
局部几何结构建模
3D Point Capsule Networks
三维点
的
胶囊网络
GS3D: An Efficient 3D Object Detection Framework for Autonomous Driving
GS3D:一种高效的
自动驾驶
三维
目标检测
框架
Single-Image Piece-Wise Planar 3D Reconstruction via Associative Embedding
基于
关联嵌入
的
单幅图像
平面三维重建
3DN: 3D Deformation Network
3DN:
3D变形网络
HorizonNet: Learning Room Layout With 1D Representation and Pano Stretch Data Augmentation
HorizonNet:基于
一维表示
和
Pano拉伸数据扩充
的
室布局学习
Deep Fitting Degree Scoring Network for Monocular 3D Object Detection
基于
深度拟合度评分网络
的
单目
三维目标检测
Pushing the Envelope for RGB-Based Dense 3D Hand Pose Estimation via Neural Rendering
利用
神经渲染
实现
基于RGB的密集三维
手部姿态估计
Self-Supervised Learning of 3D Human Pose Using Multi-View Geometry
基于
多视图几何
的
三维
人体姿态
自监督学习
FSA-Net: Learning Fine-Grained Structure Aggregation for Head Pose Estimation From a Single Image
FSA-Net:
细粒度
结构聚合
学习
实现
单个图像
头部姿势估计
Dense 3D Face Decoding Over 2500FPS: Joint Texture & Shape Convolutional Mesh Decoders
2500fps以上
密集三维人脸解码
:
联合纹理和形状
卷积网格
解码器
Does Learning Specific Features for Related Parts Help Human Pose Estimation?
学习
相关部分的
特定特征
是否有助于
人体姿势估计
?
Linkage Based Face Clustering via Graph Convolution Network
基于
图卷积
网络
的
人脸
聚类
所谓“图”,即两两距离矩阵;所谓“图卷积”,及矩阵相乘再(公式2)
Towards High-Fidelity Nonlinear 3D Face Morphable Model
面向
高保真非线性
三维人脸变形模型
RegularFace: Deep Face Recognition via Exclusive Regularization
RegularFace:基于
排他性规则化
的
深度人脸识别
BridgeNet: A Continuity-Aware Probabilistic Network for Age Estimation
BridgeNet:一种
连续性感知
概率网络
实现
年龄估计
骨干网是CNN,剩下的其实是
高斯混合模型(GMM)
的网络表示。两个branch,一个是高斯模型(组),另一个是权值,权值网络采用bridgeTree(决策树的改进,图3)表示.
网络结构如图2
GANFIT: Generative Adversarial Network Fitting for High Fidelity 3D Face Reconstruction
GANFIT:
高保真
三维人脸重建
的
GAN拟合
Improving the Performance of Unimodal Dynamic Hand-Gesture Recognition With Multimodal Training
多模训练
提高
单模动态
手势识别
性能
Learning to Reconstruct People in Clothing From a Single RGB Camera
学习从一台RGB相机中
重建穿着衣服的人
Distilled Person Re-Identification: Towards a More Scalable System
蒸馏
人再识别
:朝着
更可扩展的系统
发展
不考虑网络结构,本文重点在于采用
知识蒸馏
的方法,将sourceDomain训练出的teacher网络信息,迁移到未知sourceDomain,但已知少量带标签和大量无标签target上的轻量级student网络上。主要采用样本间相似度的信息(公式3),来实现
迁移学习
的。
A Perceptual Prediction Framework for Self Supervised Event Segmentation
一种用于
自监督
事件分割
的
感知预测框架
COIN: A Large-Scale Dataset for Comprehensive Instructional Video Analysis
COIN:用于综合教学
视频分析
的
大规模数据集
Recurrent Attentive Zooming for Joint Crowd Counting and Precise Localization
用于
联合
人群计数
和
精确定位
的
反复关注缩放
An Attention Enhanced Graph Convolutional LSTM Network for Skeleton-Based Action Recognition
基于骨架的
动作识别
的
注意力增强
图卷积
LSTM网络
Graph Convolutional Label Noise Cleaner: Train a Plug-And-Play Action Classifier for Anomaly Detection
图形卷积标签噪声清洗器
:用于
异常检测
的训练即插即用
动作分类器
MAN: Moment Alignment Network for Natural Language Moment Retrieval via Iterative Graph Adjustment
MAN:
矩对齐网络
实现
基于迭代图调整的
自然语言矩检索
Less Is More: Learning Highlight Detection From Video Duration
少即是多:
从视频持续时间
中学习
Highlight检测
DMC-Net: Generating Discriminative Motion Cues for Fast Compressed Video Action Recognition
DMC-Net:
生成识别运动线索
,用于
快速压缩视频
动作识别
AdaFrame: Adaptive Frame Selection for Fast Video Recognition
AdaFrame:用于
快速视频识别
的
自适应帧选择
Spatio-Temporal Video Re-Localization by Warp LSTM
基于
Warp LSTM
的
时空视频
重定位
Completeness Modeling and Context Separation for Weakly Supervised Temporal Action Localization
基于
完整性建模
与
上下文分离
的
弱监督
时间行为定位
Unsupervised Deep Tracking
无监督
深度跟踪
利用前向/后向跟踪,实现无监督的学习
网络结构如图2,先利用深度网络抽取特征,再利用相关滤波实现跟踪
代码:
https://github.com/594422814/UDT
Tracking by Animation: Unsupervised Learning of Multi-Object Attentive Trackers
动画跟踪:
多目标注意力
跟踪器
的
无监督学习
无监督的多目标跟踪
——定义若干个跟踪器,利用跟踪器的结果,将前一帧数据变换到下一帧,则误差是变换后的数据与下一帧真实数据的差。
Fast Online Object Tracking and Segmentation: A Unifying Approach
快速在线
目标跟踪
与
分割
:
一种统一的方法
基于
孪生网络
的传统的
SiamFC
和
SiamRPN
网络基础上,添加Mask的概念,实现像素级的分割(而不是BoundingBox)跟踪。它的
思想好像是借鉴有Faster-RCNN到MaskRCNN的改进
代码:
http://www.robots.ox.ac.uk/˜qwang/SiamMask
Object Tracking by Reconstruction With View-Specific Discriminative Correlation Filters
基于
特定视图判别
相关滤波器
重构
的
目标跟踪
针对
RGB-D输入
的视觉跟踪,对于
CSR-DCF的改进算法
1. 结合跟踪与
三维重建
(估计R,T),互相促进
2. 记录
多幅视觉图
像(多视角),提高跟踪精度
代码:
https://github.com/ugurkart
SoPhie: An Attentive GAN for Predicting Paths Compliant to Social and Physical Constraints
SoPhie:基于
注意力GAN
的
符合社会和身体约束的
路径预测
。
Leveraging Shape Completion for 3D Siamese Tracking
利用
形状补全
进行
三维孪生跟踪
Target-Aware Deep Tracking
目标感知
深度跟踪
Spatiotemporal CNN for Video Object Segmentation
用于
视频对象分割
的
时空CNN
Towards Rich Feature Discovery With Class Activation Maps Augmentation for Person Re-Identification
基于类激活图的扩充的
丰富的特征发现
,实现
人再识别
如图2,相对传统ReID,添加新的branch
,用以增加新的(可判别空间位置)的限制(公式5,6)
Wide-Context Semantic Image Extrapolation
宽上下文
语义图像外推
End-To-End Time-Lapse Video Synthesis From a Single Outdoor Image
从单个室外图像
端到端
延时视频合成
GIF2Video: Color Dequantization and Temporal Interpolation of GIF Images
GIF2video:
GIF图像的
颜色去量化
和
时间插值
Mode Seeking Generative Adversarial Networks for Diverse Image Synthesis
基于
模式搜索
GAN
的多种
图像合成
Pluralistic Image Completion
多元
图像补全
Salient Object Detection With Pyramid Attention and Salient Edges
基于
金字塔注意
和
显著边缘
的
显著物体检测
Latent Filter Scaling for Multimodal Unsupervised Image-To-Image Translation
基于
潜在滤波尺度
的
多模态无监督
图像到图像转换
Attention-Aware Multi-Stroke Style Transfer
基于
注意力感知
的
多笔画
风格转换
Feedback Adversarial Learning: Spatial Feedback for Improving Generative Adversarial Networks
反馈对抗学习:基于
空间反馈
的
改进GAN
Learning Pyramid-Context Encoder Network for High-Quality Image Inpainting
学习
金字塔-上下文
编码器网络
实现
高质量
图像修复
Example-Guided Style-Consistent Image Synthesis From Semantic Labeling
基于
语义标记
的
示例引导
风格一致性
图像合成
MirrorGAN: Learning Text-To-Image Generation by Redescription
MirrorGAN:通过
重新描述
学习
文本到图像生成
Light Field Messaging With Deep Photographic Steganography
基于
深度摄影隐写术
的
光场信息
发送
Im2Pencil: Controllable Pencil Illustration From Photographs
Im2Pencil:
照片中
的
可控制
铅笔插图
When Color Constancy Goes Wrong: Correcting Improperly White-Balanced Images
当颜色恒定性出错时:
纠正不正确的
白平衡图像
Beyond Volumetric Albedo -- A Surface Optimization Framework for Non-Line-Of-Sight Imaging
超越体积反照率--
非视线成像
的
表面优化
框架
Reflection Removal Using a Dual-Pixel Sensor
使用
双像素传感器
消除反射
Practical Coding Function Design for Time-Of-Flight Imaging
基于
实用编码函数设计
的
飞行时间成像
Meta-SR: A Magnification-Arbitrary Network for Super-Resolution
Meta-SR:基于
放大任意网络
的
超分辨率
Multispectral and Hyperspectral Image Fusion by MS/HS Fusion Net
基于
MS/HS融合网
的
多光谱
和
高光谱
图像融合
Learning Attraction Field Representation for Robust Line Segment Detection
基于
吸引场表示
学习
的
鲁棒
线段检测
将基于深度学习的语义分割技术,应用到线段分割上。首先,定义线段与基于线段的整个图像分割结果映射起来,然后利用语义分割,分割图像,将分割后的图像反映射到线段检测。
Blind Super-Resolution With Iterative Kernel Correction
基于
迭代
核校正
的
盲超分辨
分别定义
3个深度网络
,对于超分辨率、模糊核估计、模糊核校正。利用训练后的网络,迭代优化模糊核及超分辨率结果(Algo.1)
Video Magnification in the Wild Using Fractional Anisotropy in Temporal Distribution
基于
时间分布中
分数各向异性
的
野外
视频放大
Attentive Feedback Network for Boundary-Aware Salient Object Detection
边界感知反馈
显著目标检测
的
注意力反馈网络
1. 编解码结构网络,在相对应编码与解码过程中,采用两阶段(待反馈)的融合方式;2. 损失函数中,考虑GroundTruth的边缘信息
Heavy Rain Image Restoration: Integrating Physics Model and Conditional Adversarial Learning
暴雨图像恢复
:
物理模型
与
条件对抗学习
的
集成
1.给出暴雨下的图像模型(公式2)
2.网络分两个阶段(如图2):1.模型估计及图像恢复;2.利用cGAN对恢复图像refine
3.用于训练的图像及其暴雨参数都是合成的,用于进行监督训练(见8-12)
4.待处理图像(利用颜色通道残差引导,公式6,防止细节平滑)分割为高频和低频两个通道,分别处理(见图2)
Learning to Calibrate Straight Lines for Fisheye Image Rectification
鱼眼图像校正
中
直线标定学习
Camera Lens Super-Resolution
相机镜头
超分辨率
Frame-Consistent Recurrent Video Deraining With Dual-Level Flow
基于
双级流
的
连续视频去雨
Deep Plug-And-Play Super-Resolution for Arbitrary Blur Kernels
面向
任意模糊核
的
深度即插即用
超分辨率
两种超分辨率的退化模型(公式1,2),公式1的解决方法往往没有现成代码,而公式2简单但效果不好。本文提出新的退化模型(公式3),并将公式2的基于DNN的方法,(利用迭代的方法)扩展为针对新的退化模型的方法。DNN是基于公式2的退化模型,预先训练好了的
Sea-Thru: A Method for Removing Water From Underwater Images
海底穿越:一种从
水下图像中
去除水
的方法
输入RGBD图像,对于水下采集图像进行建模和恢复
Deep Network Interpolation for Continuous Imagery Effect Transition
基于
深度网络插值
的
连续图像
效果转换
Spatially Variant Linear Representation Models for Joint Filtering
基于
空间可变
线性表示模型
的
联合滤波
Toward Convolutional Blind Denoising of Real Photographs
真实照片的
卷积盲去噪
Towards Real Scene Super-Resolution With Raw Images
使用原始图像
实现
真实场景的
超分辨率
ODE-Inspired Network Design for Single Image Super-Resolution
基于
ODE激励网络
的
单图像
超分辨率
Blind Image Deblurring With Local Maximum Gradient Prior
基于
局部最大梯度先验
的
盲图像去模糊
Attention-Guided Network for Ghost-Free High Dynamic Range Imaging
基于
注意引导网络
的
无幽灵高动态范围
成像
Searching for a Robust Neural Architecture in Four GPU Hours
在四个GPU小时
内
寻找一个强大的神经结构
Hierarchy Denoising Recursive Autoencoders for 3D Scene Layout Prediction
用于
三维场景
布局预测
的
层次去噪递归
自编码器
Adaptively Connected Neural Networks
自适应连接
神经网络
CrDoCo: Pixel-Level Domain Transfer With Cross-Domain Consistency
CrDoCo:基于
跨域一致性
的
像素级域迁移
Temporal Cycle-Consistency Learning
时间周期一致性
学习
Predicting Future Frames Using Retrospective Cycle GAN
使用
回顾性Cycle GAN
预测未来帧
Density Map Regression Guided Detection Network for RGB-D Crowd Counting and Localization
用于
RGB-D
人群计数
和
定位
的
密度图回归引导
检测网络
TAFE-Net: Task-Aware Feature Embeddings for Low Shot Learning
TAFE-Net:基于
任务感知特征嵌入
的
少镜头学习
Learning Semantic Segmentation From Synthetic Data: A Geometrically Guided Input-Output Adaptation Approach
从合成数据学习
语义分割
:一种
几何引导的输入输出自适应方法
Attentive Single-Tasking of Multiple Tasks
专注地完成
多项任务中
的
一项任务
Deep Metric Learning to Rank
深度
度量学习
排名
End-To-End Multi-Task Learning With Attention
基于
注意力
的
端到端
多任务学习
Self-Supervised Learning via Conditional Motion Propagation
基于
条件运动传播
的
自监督学习
Bridging Stereo Matching and Optical Flow via Spatiotemporal Correspondence
通过
时空对应
桥接
立体匹配
和
光流
All About Structure: Adapting Structural Information Across Domains for Boosting Semantic Segmentation
关于结构:
跨域调整
结构信息
以
推进语义分割
文章认为
高层结构特征
是域不变的,而
低层纹理特征
是域变化的。如图2,采用编解码结构,将结构特征与纹理特征分离,利用
域不变的结构特征
训练语义分割网络。定义了相对应的一组损失函数
Iterative Reorganization With Weak Spatial Constraints: Solving Arbitrary Jigsaw Puzzles for Unsupervised Representation Learning
弱空间约束下的迭代重组
:
无监督表示学习
中
任意拼图问题的求解
Revisiting Self-Supervised Visual Representation Learning
再研究
自我监督的
视觉表征学习
It's Not About the Journey; It's About the Destination: Following Soft Paths Under Question-Guidance for Visual Reasoning
这与旅行无关;与目的地有关:在
问题引导下
沿着软路径
进行
视觉推理
Actively Seeking and Learning From Live Data
从实时数据中
主动地寻求和学习
Improving Referring Expression Grounding With Cross-Modal Attention-Guided Erasing
用
跨模态
注意引导擦除
改进
指代表达式Grounding
Neighbourhood Watch: Referring Expression Comprehension via Language-Guided Graph Attention Networks
邻里观察:通过
语言引导的
图形注意力网络
进行
指代表达理解
refering expression:用自然语言指定图中物体,算法自动检测出该物体:
http://vision2.cs.unc.edu/refer/comprehension
Scene Graph Generation With External Knowledge and Image Reconstruction
基于
外部知识
和
图像重构
的
场景图生成
Polysemous Visual-Semantic Embedding for Cross-Modal Retrieval
用于
跨模态检索
的
多义
视觉-语义嵌入
MUREL: Multimodal Relational Reasoning for Visual Question Answering
基于
多模态关系推理
的
视觉问答
Heterogeneous Memory Enhanced Multimodal Attention Model for Video Question Answering
基于
异构记忆增强
多模注意力模型
的
视频问答
Information Maximizing Visual Question Generation
信息最大化
视觉问题
生成
Learning to Detect Human-Object Interactions With Knowledge
利用
知识
学习
发现
人类-物体的交互
Learning Words by Drawing Images
画图
学字
Factor Graph Attention
因子图
注意
Reducing Uncertainty in Undersampled MRI Reconstruction With Active Acquisition
利用
主动获取
实现
下采样MRI重建
中
不确定性降低
ESIR: End-To-End Scene Text Recognition via Iterative Image Rectification
基于
迭代图像校正
的端到端
场景文本识别
ROI-10D: Monocular Lifting of 2D Detection to 6D Pose and Metric Shape
ROI-10D:单目
二维检测
提升
到
6D姿势和公制形状
Collaborative Learning of Semi-Supervised Segmentation and Classification for Medical Images
医学图像
半监督
分割
与
分类
的
协同学习
Biologically-Constrained Graphs for Global Connectomics Reconstruction
基于
生物学约束图
的
全局连接体重建
P3SGD: Patient Privacy Preserving SGD for Regularizing Deep CNNs in Pathological Image Classification
P3SGD:
保留患者隐私的SGD
,用于
病理图像分类
中的
深层CNN正则化
Elastic Boundary Projection for 3D Medical Image Segmentation
基于
弹性边界投影
的
三维
医学图像分割
SIXray: A Large-Scale Security Inspection X-Ray Benchmark for Prohibited Item Discovery in Overlapping Images
SIXray:一个大型
安全检查X射线基准
,用于在
重叠图像中发现违禁物品
Noise2Void - Learning Denoising From Single Noisy Images
Noise2Void:从
单个噪声图像
学习
图像去噪
本文回顾了基于
深度学习
的
两种训练方法
(
带GT
的和
不带GT,但是带另一幅噪声图像的
),提出了一种
仅通过噪声图像自身进行深度网络学习的方法
。
其
思想很简单(Fig.a)
,即在训练当前像素时,
将其感受野中所对应当前像素去掉
,从而迫使深度模型采用周围像素来学习当前位置的像素值
Joint Discriminative and Generative Learning for Person Re-Identification
基于
联合辨别与生成学习
的
人再识别
Unsupervised Person Re-Identification by Soft Multilabel Learning
基于
软多标签学习
的
无监督
人再识别
Learning Context Graph for Person Search
用于
人员搜索
的
上下文图学习
Gradient Matching Generative Networks for Zero-Shot Learning
基于
梯度匹配生成网络
的
零镜头学习
Doodle to Search: Practical Zero-Shot Sketch-Based Image Retrieval
涂鸦搜索:实用的基于
零镜头草图
的
图像检索
Zero-Shot Task Transfer
零镜头
任务迁移
C-MIL: Continuation Multiple Instance Learning for Weakly Supervised Object Detection
基于
连续多实例学习
的
弱监督
目标检测
Weakly Supervised Learning of Instance Segmentation With Inter-Pixel Relations
基于
像素间关系
的
弱监督
实例分割
基于类别级标签的弱监督实例分割,在CAM基础上,考虑类不可知区域和像素间关系(Affinx),如图2
Attention-Based Dropout Layer for Weakly Supervised Object Localization
基于
注意的Dropout层
实现
弱监督
目标定位
Domain Generalization by Solving Jigsaw Puzzles
基于
求解拼图
的
域泛化
Transferrable Prototypical Networks for Unsupervised Domain Adaptation
基于
可转移原型网络
的
无监督
域自适应
Blending-Target Domain Adaptation by Adversarial Meta-Adaptation Networks
基于
对抗性元适应网络
的
混合目标
域自适应
ELASTIC: Improving CNNs With Dynamic Scaling Policies
ELASTIC:通过
动态缩放策略
改进CNN
ScratchDet: Training Single-Shot Object Detectors From Scratch
ScratchDet:
从零开始训练
单镜头
目标检测器
SFNet: Learning Object-Aware Semantic Correspondence
对象感知
语义对应
学习
Deep Metric Learning Beyond Binary Supervision
超越二元监督的
深度度量学习
Learning to Cluster Faces on an Affinity Graph
学习在
关联图
上
聚类人脸
C2AE: Class Conditioned Auto-Encoder for Open-Set Recognition
C2AE:用于
开放集识别
的
类条件自编码器
Shapes and Context: In-The-Wild Image Synthesis & Manipulation
形状与背景
:在
野外图像
合成
与
操作
Semantics Disentangling for Text-To-Image Generation
基于
语义分离
的
文本到图像生成
Semantic Image Synthesis With Spatially-Adaptive Normalization
空间自适应归一化
的
语义图像合成
Progressive Pose Attention Transfer for Person Image Generation
用于
人像生成
的
渐进式
姿势-注意力转移
Unsupervised Person Image Generation With Semantic Parsing Transformation
基于
语义解析转换
的
无监督
人像生成
DeepView: View Synthesis With Learned Gradient Descent
DeepView:基于
梯度下降学习
的
视图合成
Animating Arbitrary Objects via Deep Motion Transfer
通过
深度运动传输
实现
任意对象的动画
Textured Neural Avatars
纹理神经
化身(Avatars)
IM-Net for High Resolution Video Frame Interpolation
用于
高分辨率视频
帧插值
的
IM网络
Homomorphic Latent Space Interpolation for Unpaired Image-To-Image Translation
基于
同态隐空间插值
的
非配对
图像到图像转换
Multi-Channel Attention Selection GAN With Cascaded Semantic Guidance for Cross-View Image Translation
基于级联语义指导的
多通道注意选择GAN
实现
跨视图
图像翻译
Geometry-Consistent Generative Adversarial Networks for One-Sided Unsupervised Domain Mapping
基于
几何一致GAN
的
单侧无监督
域映射
DeepVoxels: Learning Persistent 3D Feature Embeddings
DeepVoxels:
学习持久的
3D功能嵌入
Inverse Path Tracing for Joint Material and Lighting Estimation
关节材料
反路径跟踪
与
光照估计
The Visual Centrifuge: Model-Free Layered Video Representations
视觉离心机:
无模型分层
视频表示
Label-Noise Robust Generative Adversarial Networks
标签噪声
鲁棒
GAN
DLOW: Domain Flow for Adaptation and Generalization
基于
域流
的
适应
和
泛化
CollaGAN: Collaborative GAN for Missing Image Data Imputation
CollaGAN:基于
协作GAN
的
缺失图像
数据插补
d-SNE: Domain Adaptation Using Stochastic Neighborhood Embedding
基于
随机邻域嵌入
的
域自适应
Taking a Closer Look at Domain Shift: Category-Level Adversaries for Semantics Consistent Domain Adaptation
更仔细地看
域迁移
:基于
类别级对抗
的
语义一致
域自适应
ADVENT: Adversarial Entropy Minimization for Domain Adaptation in Semantic Segmentation
ADVENT:基于
对抗熵最小化
的
语义分割
域适应
ContextDesc: Local Descriptor Augmentation With Cross-Modality Context
ContextDesc:使用
跨模态上下文
的
局部描述符扩充
Large-Scale Long-Tailed Recognition in an Open World
开放世界中的
大规模长拖尾识别
AET vs. AED: Unsupervised Representation Learning by Auto-Encoding Transformations Rather Than Data
AET与AED:通过
自编码转换
而非数据的
无监督
表示学习
SDC - Stacked Dilated Convolution: A Unified Descriptor Network for Dense Matching Tasks
层叠空洞卷积
:
密集匹配
任务的
统一描述网络
Learning Correspondence From the Cycle-Consistency of Time
从时间的
循环一致性
中
学习
对应关系
AE2-Nets: Autoencoder in Autoencoder Networks
AE2-Net:
AutoEncoder网络
中的
AutoEncoder
Mitigating Information Leakage in Image Representations: A Maximum Entropy Approach
图像表示中的
减轻信息泄漏
:
最大熵方法
Learning Spatial Common Sense With Geometry-Aware Recurrent Networks
利用
几何感知循环网络
学习
空间Common Sense
Structured Knowledge Distillation for Semantic Segmentation
基于
结构化知识蒸馏
的
语义分割
结合三类知识蒸馏方法(像素级、像素对级和整体级),实现由复杂网络到简单网络的知识蒸馏
Scan2CAD: Learning CAD Model Alignment in RGB-D Scans
Scan2CAD:
在RGB-D扫描中
学习
CAD模型对齐
Towards Scene Understanding: Unsupervised Monocular Depth Estimation With Semantic-Aware Representation
面向场景理解:基于
语义感知表示
的
无监督
单目深度估计
Tell Me Where I Am: Object-Level Scene Context Prediction
告诉我我在哪里:
对象级场景
上下文预测
Normalized Object Coordinate Space for Category-Level 6D Object Pose and Size Estimation
基于
归一化目标坐标空间
的
类别级6D对象
姿态和尺寸估计
Supervised Fitting of Geometric Primitives to 3D Point Clouds
几何基元到三维点云
的
监督拟合
Do Better ImageNet Models Transfer Better?
更好的
ImageNet模型
能得到
更好的
传输
吗?
Gotta Adapt 'Em All: Joint Pixel and Feature-Level Domain Adaptation for Recognition in the Wild
联合
像素
和
特征级域适应
实现
野外识别
Understanding the Disharmony Between Dropout and Batch Normalization by Variance Shift
用
方差变换
理解
Dropout
与
Batch Normalization
之间的
不协调性
Circulant Binary Convolutional Networks: Enhancing the Performance of 1-Bit DCNNs With Circulant Back Propagation
循环二元卷积网络:利用
循环反向传播
增强
1bit DCNN
的性能
DeFusionNET: Defocus Blur Detection via Recurrently Fusing and Refining Multi-Scale Deep Features
DeFusionNET:通过
反复融合和细化
多尺度深度特征
进行
散焦模糊
检测
Deep Virtual Networks for Memory Efficient Inference of Multiple Tasks
基于
深层虚拟网络
的
多任务的内存高效推理
Universal Domain Adaptation
通用
域适应
Improving Transferability of Adversarial Examples With Input Diversity
利用
输入多样性
提高
对抗性实例
的可传递性
Sequence-To-Sequence Domain Adaptation Network for Robust Text Image Recognition
序列-序列的
域自适应网络
实现
鲁棒
文本图像识别
Hybrid-Attention Based Decoupled Metric Learning for Zero-Shot Image Retrieval
基于混合注意的
解耦
度量学习
实现
零镜头
图像检索
Learning to Sample
学习采样
Few-Shot Learning via Saliency-Guided Hallucination of Samples
通过
显著性引导的样本幻觉
进行的
少镜头学习
Variational Convolutional Neural Network Pruning
变分卷积神经网络
剪枝
Towards Optimal Structured CNN Pruning via Generative Adversarial Learning
基于
生成对抗学习
的
CNN优化结构修剪
Exploiting Kernel Sparsity and Entropy for Interpretable CNN Compression
利用
核稀疏性和熵
实现
可解释
CNN压缩
Fully Quantized Network for Object Detection
基于
全量化网络
的
目标检测
MnasNet: Platform-Aware Neural Architecture Search for Mobile
MnasNet:
移动设备
中
平台感知
神经架构搜索
Student Becoming the Master: Knowledge Amalgamation for Joint Scene Parsing, Depth Estimation, and More
学生成为大师:基于
知识融合
的
联合
场景分析
、
深度估计
等
K-Nearest Neighbors Hashing
K-最近邻
哈希
Learning RoI Transformer for Oriented Object Detection in Aerial Images
用于
航空图像
定向目标检测
的
学习型ROI变换器
Snapshot Distillation: Teacher-Student Optimization in One Generation
快速蒸馏
:
一代中
的
师生优化
Geometry-Aware Distillation for Indoor Semantic Segmentation
用于
室内
语义分割
的
几何感知蒸馏
1. 所谓“
几何
”,在此是“
深度
”的意思
2. 本文算法即将
深度
和
语义分割
同时进行
,而
语义分割
采用的是
带深度的pipeline
。
3.
训练集
是
带有深度的RGB图像
LiveSketch: Query Perturbations for Guided Sketch-Based Visual Search
LiveSketch:
基于引导草图的
视觉搜索
的
查询扰动
Bounding Box Regression With Uncertainty for Accurate Object Detection
具有不确定性的
边界盒回归
用于
精确
目标检测
OCGAN: One-Class Novelty Detection Using GANs With Constrained Latent Representations
OCGAN:
基于约束潜在表示的
GAN
实现
一类新颖性检测
Learning Metrics From Teachers: Compact Networks for Image Embedding
由教师学习度量:
图像嵌入
的
紧凑网络
Activity Driven Weakly Supervised Object Detection
活动驱动
的
弱监督
目标检测
Separate to Adapt: Open Set Domain Adaptation via Progressive Separation
分离适应:通过
渐进分离
的
开放集
域适应
Layout-Graph Reasoning for Fashion Landmark Detection
基于
布局图推理
的
时尚标记检测
DistillHash: Unsupervised Deep Hashing by Distilling Data Pairs
提取哈希:通过
蒸馏数据对
进行
无监督的
深度哈希
Mind Your Neighbours: Image Annotation With Metadata Neighbourhood Graph Co-Attention Networks
注意你的邻居:基于元
数据邻域图
共同关注网络
的
图像注释
Region Proposal by Guided Anchoring
基于
引导锚定
的
区域建议
Distant Supervised Centroid Shift: A Simple and Efficient Approach to Visual Domain Adaptation
远距离监督质心偏移
:一种简单有效的
视觉
域自适应
方法
Learning to Transfer Examples for Partial Domain Adaptation
基于
学习转移例子
的
部分
域适应
Generalized Zero-Shot Recognition Based on Visually Semantic Embedding
基于
视觉语义嵌入
的
广义零镜头识别
Towards Visual Feature Translation
面向
视觉特征
翻译
Amodal Instance Segmentation With KINS Dataset
基于
KINS数据集
的
Amodal
实例分割
Global Second-Order Pooling Convolutional Networks
全局
二阶池化
卷积网络
Weakly Supervised Complementary Parts Models for Fine-Grained Image Classification From the Bottom Up
弱监督
互补部分模型
实现
自底向上细粒度
图像分类
NetTailor: Tuning the Architecture, Not Just the Weights
NetTailor:
调整架构
,
而不仅仅是权重
Learning-Based Sampling for Natural Image Matting
基于学习的采样
实现自然
图像抠图
Learning Unsupervised Video Object Segmentation Through Visual Attention
通过
视觉注意
学习
无监督
视频对象分割
4D Spatio-Temporal ConvNets: Minkowski Convolutional Neural Networks
4D时空
ConvNet:
Minkowski卷积神经网络
Pyramid Feature Attention Network for Saliency Detection
基于
金字塔特征关注网络
的
显著性检测
Co-Saliency Detection via Mask-Guided Fully Convolutional Networks With Multi-Scale Label Smoothing
基于多尺度标签平滑的
掩模引导全卷积网络
实现
共显著性检测
SAIL-VOS: Semantic Amodal Instance Level Video Object Segmentation - A Synthetic Dataset and Baselines
SAIL-VOS:
语义Amodal实例级
视频对象分割
-
合成数据集和基线
Learning Instance Activation Maps for Weakly Supervised Instance Segmentation
基于
实例激活映射学习
的
弱监督
实例分割
弱监督实例分割,基于类级别标签学习,利用分类网络中特征图对于实例部分高激活特性,在此基础上进行fill,得到伪实例标签,进行学习
Decoders Matter for Semantic Segmentation: Data-Dependent Decoding Enables Flexible Feature Aggregation
译码器对语义分割很重要:
数据相关
解码
实现
灵活地
特征聚合
Box-Driven Class-Wise Region Masking and Filling Rate Guided Loss for Weakly Supervised Semantic Segmentation
基于
盒驱动类域掩蔽
和
填充率导引损失
的
弱监督
语义分割
Dual Attention Network for Scene Segmentation
用于
场景分割
的
双注意网络
InverseRenderNet: Learning Single Image Inverse Rendering
InverseRenderNet:
单个图像的
反向渲染
学习
A Variational Auto-Encoder Model for Stochastic Point Processes
基于
变分自编码
模型的
随机点过程
Unifying Heterogeneous Classifiers With Distillation
利用
蒸馏
实现
非均匀分类器
的
统一
Assessment of Faster R-CNN in Man-Machine Collaborative Search
人机协同搜索
中
Faster R-CNN
的
评估
OK-VQA: A Visual Question Answering Benchmark Requiring External Knowledge
OK-VQA:一
个需要外部知识的
视觉问题解答
基准
NDDR-CNN: Layerwise Feature Fusing in Multi-Task CNNs by Neural Discriminative Dimensionality Reduction
神经判别降维
实现
多任务CNN
的
分层特征融合
Spectral Metric for Dataset Complexity Assessment
利用
谱度量
实现
数据集
复杂性
评估
ADCrowdNet: An Attention-Injective Deformable Convolutional Network for Crowd Understanding
ADCrowdNet:一种用于
群体理解
的
注意力注入
可变形卷积网络
VERI-Wild: A Large Dataset and a New Method for Vehicle Re-Identification in the Wild
VERI-Wild:一个
大型数据集
和一种新的野外
车辆再识别
方法
3D Local Features for Direct Pairwise Registration
基于
3D局部特征
的
直接成对配准
HPLFlowNet: Hierarchical Permutohedral Lattice FlowNet for Scene Flow Estimation on Large-Scale Point Clouds
HPLFlowNet:用于
大柜面点云上
场景流估计
的
层次置换格FlowNet
GPSfM: Global Projective SFM Using Algebraic Constraints on Multi-View Fundamental Matrices
基于
多视图
基本矩阵代数
约束
的
全局投影SFM
Group-Wise Correlation Stereo Network
群相关
立体网络
PSMNet
基础上的改进,主要体现在以下几个方面:
1.
costVolumn
采用
concatenation
(公式2)和
correlation
(公式1)相结合的方式,特别是
correlation
,采用
通道分组的方式(公式3)
,以获取更多的信息,从而使aggregationNet简化成为可能。
2.
aggregation Net 进行了改进(图2)
,提升了速度
Multi-Level Context Ultra-Aggregation for Stereo Matching
基于
多级上下文超聚合
的
立体匹配
基于
PSMNet
的改进,主要改动在
前端matching cost calculation
部分,
如图3
,
添加了一个子分支
,从而定义了所谓“interesting level组合”(图中彩色实线),而模块内部采用的是密集连接,文中称为高阶RCNN
另一部分改进在
输出部分,见图2
,
引入了残差模块来精化
Large-Scale, Metric Structure From Motion for Unordered Light Fields
无序光场运动的
大尺度测度
SFM
Understanding the Limitations of CNN-Based Absolute Camera Pose Regression
理解
基于CNN
的
绝对摄像机
姿态回归
的
局限性
DeepLiDAR: Deep Surface Normal Guided Depth Prediction for Outdoor Scene From Sparse LiDAR Data and Single Color Image
基于
稀疏激光雷达数据
和
单色图像
的
室外场景
深度地表法线引导
深度预测
Modeling Point Clouds With Self-Attention and Gumbel Subset Sampling
利用
自关注
和
Gumbel子集采样
对
点云进行建模
Learning With Batch-Wise Optimal Transport Loss for 3D Shape Recognition
基于
分批最优传输损失
的
三维
形状识别
学习
DenseFusion: 6D Object Pose Estimation by Iterative Dense Fusion
密集融合:基于
迭代密集融合
的
6D目标姿态估计
Dense Depth Posterior (DDP) From Single Image and Sparse Range
单个图像
和
稀疏区域
的
密集后向深度
(DDP)
DuLa-Net: A Dual-Projection Network for Estimating Room Layouts From a Single RGB Panorama
DuLa-Net:
从单一的RGB全景图
估算房间布局
的
双投影网
。
Veritatem Dies Aperit - Temporally Consistent Depth Prediction Enabled by a Multi-Task Geometric and Semantic Scene Understanding Approach
通过
多任务几何
和
语义场景理解
方法实现的
时间一致
深度预测
Segmentation-Driven 6D Object Pose Estimation
分段驱动
6D目标
姿态估计
Exploiting Temporal Context for 3D Human Pose Estimation in the Wild
利用
时间上下文
实现
野外
三维
人体姿态估计
What Do Single-View 3D Reconstruction Networks Learn?
单视图
三维重建网络
学习什么
?
UniformFace: Learning Deep Equidistributed Representation for Face Recognition
UniformFace:学习
人脸识别
的
深度均匀表示
Semantic Graph Convolutional Networks for 3D Human Pose Regression
基于
语义图
卷积网络
的
三维
人体姿态回归
Mask-Guided Portrait Editing With Conditional GANs
基于
条件GAN
的
模板引导式
肖像编辑
Group Sampling for Scale Invariant Face Detection
基于
群抽样
的
尺度不变
人脸检测
Joint Representation and Estimator Learning for Facial Action Unit Intensity Estimation
基于
联合表示
与
估计学习
的
面部动作单元
强度估计
Semantic Alignment: Finding Semantically Consistent Ground-Truth for Facial Landmark Detection
语义对齐:为
人脸地标
检测
找到
语义一致的Ground-Truth
LAEO-Net: Revisiting People Looking at Each Other in Videos
LAEO-Net:重温
视频中互相注视的人
Robust Facial Landmark Detection via Occlusion-Adaptive Deep Networks
基于
遮挡自适应深度网络
的
人脸地标
检测
Learning Individual Styles of Conversational Gesture
学习
会话手势
的
个人风格
Face Anti-Spoofing: Model Matters, so Does Data
人脸反欺骗
:
模型
很重要,
数据
也很重要
Fast Human Pose Estimation
快速
人体姿态估计
Decorrelated Adversarial Learning for Age-Invariant Face Recognition
基于
非相关对抗学习
的
年龄不变
人脸识别
Cross-Task Weakly Supervised Learning From Instructional Videos
从
指导视频
中实现
交叉任务
弱监督学习
D3TW: Discriminative Differentiable Dynamic Time Warping for Weakly Supervised Action Alignment and Segmentation
D3TW:
判别性可微
动态时间扭曲
实现
弱监督
动作对齐
和
分割
Progressive Teacher-Student Learning for Early Action Prediction
基于
渐进
师生学习
的
早期行动预测
Social Relation Recognition From Videos via Multi-Scale Spatial-Temporal Reasoning
基于
多尺度
时空推理
的
视频
社会关系识别
MS-TCN: Multi-Stage Temporal Convolutional Network for Action Segmentation
基于
多级
时间卷积网络
的
动作分割
Transferable Interactiveness Knowledge for Human-Object Interaction Detection
基于
可转移交互知识
的
人-物交互检测
Actional-Structural Graph Convolutional Networks for Skeleton-Based Action Recognition
动作-结构
图卷积网络
实现
基于骨架的
动作识别
Multi-Granularity Generator for Temporal Action Proposal
基于
多粒度生成器
的
时域动作建议
Deep Rigid Instance Scene Flow
深度刚性实例
场景流
See More, Know More: Unsupervised Video Object Segmentation With Co-Attention Siamese Networks
看到更多,了解更多:基于
共同关注孪生网络
的
无监督
视频对象分割
Patch-Based Discriminative Feature Learning for Unsupervised Person Re-Identification
基于Patch的
判别特征
学习
实现
无监督
人再识别
SPM-Tracker: Series-Parallel Matching for Real-Time Visual Object Tracking
SPM-Tracker:基于
串并行匹配
的实时视觉
目标跟踪
SiamFC的改进
(图2)。抽取深度特征后,接着分两个阶段(CM:重点在于鲁棒性;FM:重点在于精度)
Spatial Fusion GAN for Image Synthesis
基于
空间融合GAN
的
图像合成
Text Guided Person Image Synthesis
文本引导
的
人图像合成
STGAN: A Unified Selective Transfer Network for Arbitrary Image Attribute Editing
一种
统一的
选择传输网络
实现
任意图像属性编辑
Towards Instance-Level Image-To-Image Translation
面向
实例级的
图像到图像转换
Dense Intrinsic Appearance Flow for Human Pose Transfer
基于
稠密内在表象流
的
人体姿态转换
Depth-Aware Video Frame Interpolation
深度感知
视频帧插值
Sliced Wasserstein Generative Models
切片化
Wasserstein生成模型
Deep Flow-Guided Video Inpainting
深度流引导
视频修复
Video Generation From Single Semantic Label Map
从
单一语义标签
映射
生成视频
Polarimetric Camera Calibration Using an LCD Monitor
使用
LCD监视器
校准偏光照相机
Fully Automatic Video Colorization With Self-Regularization and Diversity
具有
自规则性
和
多样性
的
全自动
视频着色
Zoom to Learn, Learn to Zoom
缩放
以
学习
,学习以缩放
Single Image Reflection Removal Beyond Linearity
线性以外的
单一图像
反射消除
Learning to Separate Multiple Illuminants in a Single Image
学习
在
单个图像中
分离多个光源
Shape Unicode: A Unified Shape Representation
形状Unicode:
统一的
形状表示
Robust Video Stabilization by Optimization in CNN Weight Space
CNN权重空间
中的
优化
实现
鲁棒
视频稳定
Learning Linear Transformations for Fast Image and Video Style Transfer
基于
线性转换
的快速
图像和视频
样式转换
Local Detection of Stereo Occlusion Boundaries
立体遮挡边界
的
局部检测
Bi-Directional Cascade Network for Perceptual Edge Detection
基于
双向级联网络
的
感知
边缘检测
Single Image Deraining: A Comprehensive Benchmark Analysis
单图像去雨
:
综合基准分析
Dynamic Scene Deblurring With Parameter Selective Sharing and Nested Skip Connections
基于
参数选择共享
和
嵌套跳过连接
的
动态场景
去模糊
Events-To-Video: Bringing Modern Computer Vision to Event Cameras
事件到视频:现代
计算机视觉
与
事件摄像头
的
桥梁
Feedback Network for Image Super-Resolution
基于
反馈网络
的
图像超分辨率
Semi-Supervised Transfer Learning for Image Rain Removal
基于
半监督转移学习
的
图像雨消除
EventNet: Asynchronous Recursive Event Processing
EventNet
:
异步
递归事件
处理
Recurrent Back-Projection Network for Video Super-Resolution
基于
递归反投影网络
的
视频超分辨率
Cascaded Partial Decoder for Fast and Accurate Salient Object Detection
级联部分译码器
实现
快速准确的
显著目标检测
A Simple Pooling-Based Design for Real-Time Salient Object Detection
一种简单的
基于池
的
实时
显著目标检测
Contrast Prior and Fluid Pyramid Integration for RGBD Salient Object Detection
基于
对比度先验
和
流体金字塔集成
的
RGBD
显著目标检测
Progressive Image Deraining Networks: A Better and Simpler Baseline
渐进式图像
消除
网络
:一个更好和更简单的基线
GSPN: Generative Shape Proposal Network for 3D Instance Segmentation in Point Cloud
基于
生成形状建议
网络
的
点云中
三维实例分割
Attentive Relational Networks for Mapping Images to Scene Graphs
用于将
图像
映射到
场景图
的
注意力关系网络
Relational Knowledge Distillation
关系知识
蒸馏
Compressing Convolutional Neural Networks via Factorized Convolutional Filters
用
因子分解
卷积滤波器
压缩
卷积神经网络
On the Intrinsic Dimensionality of Image Representations
论
图像表示
的
内在维数
Part-Regularized Near-Duplicate Vehicle Re-Identification
部分规则化
近重复
车辆重新识别
Self-Supervised Spatio-Temporal Representation Learning for Videos by Predicting Motion and Appearance Statistics
基于
运动
和
外观统计
预测
的
视频自监督
时空表示学习
Classification-Reconstruction Learning for Open-Set Recognition
开放集识别
的
分类重构学习
Emotion-Aware Human Attention Prediction
情绪感知
人类
注意力预测
Residual Regression With Semantic Prior for Crowd Counting
基于
语义先验
残差回归
的
群体计数
Context-Reinforced Semantic Segmentation
上下文强化
的
语义分割
利用上下文来提升语义分割效果,而上下文与分割结果之间,利用强化学习来相互增强。如图2
Adversarial Structure Matching for Structured Prediction Tasks
基于
对抗
结构匹配
的
结构化预测
任务
Deep Spectral Clustering Using Dual Autoencoder Network
利用
双自编码器网络
进行
深度
谱聚类
Deep Asymmetric Metric Learning via Rich Relationship Mining
基于
丰富
关系挖掘
的
深度非对称
度量学习
Did It Change? Learning to Detect Point-Of-Interest Changes for Proactive Map Updates
学习
检测
兴趣点
变化
以进行
主动
地图更新
Associatively Segmenting Instances and Semantics in Point Clouds
点云中的
关联分段
实例
和
语义
Pattern-Affinitive Propagation Across Depth, Surface Normal and Semantic Segmentation
模式亲和传播
在
深度
、
表面法向
和
语义分割
上的应用
Scene Categorization From Contours: Medial Axis Based Salience Measures
基于轮廓的
场景分类
:
基于中轴的
显著测量
Unsupervised Image Captioning
无监督
图像字幕
Exact Adversarial Attack to Image Captioning via Structured Output Learning With Latent Variables
利用
基于潜在变量的
结构化输出学习
对
图像字幕
的精确攻击
Cross-Modal Relationship Inference for Grounding Referring Expressions
基于
跨模态关系推理
的
Grouding指代表达
refering expression:用自然语言指定图中物体,算法自动检测出该物体:
http://vision2.cs.unc.edu/refer/comprehension
What's to Know? Uncertainty as a Guide to Asking Goal-Oriented Questions
要知道什么?
不确定性作为引导
提问
面向目标
的问题
Iterative Alignment Network for Continuous Sign Language Recognition
基于
迭代对齐网络
的
连续符号
语言识别
Neural Sequential Phrase Grounding (SeqGROUND)
神经序列
短语Grounding
(seqground)
CLEVR-Ref+: Diagnosing Visual Reasoning With Referring Expressions
CLEVR-Ref+:用
引用表达式
实现
诊断
视觉推理
Describing Like Humans: On Diversity in Image Captioning
像人类一样的描述:
图像字幕
的多样性
MSCap: Multi-Style Image Captioning With Unpaired Stylized Text
MSCap:利用
不成对的样式化文本
实现
多风格
图像字幕
CRAVES: Controlling Robotic Arm With a Vision-Based Economic System
CRAVES:用
基于
视觉
的
经济系统
实现
机械臂控制
Networks for Joint Affine and Non-Parametric Image Registration
联合
仿射
与
非参数图像配准
的
网络
Learning Shape-Aware Embedding for Scene Text Detection
用于
场景
文本检测
的
形状感知嵌入
学习
Learning to Film From Professional Human Motion Videos
从
专业的
人体运动
视频
中
学习电影
Pay Attention! - Robustifying a Deep Visuomotor Policy Through Task-Focused Visual Attention
通过
以任务为中心的
视觉关注
实现
深度
视觉运动策略
鲁棒化
Deep Blind Video Decaptioning by Temporal Aggregation and Recurrence
基于
时间
聚集
和
重现
的
深度盲
视频去字幕
Learning Video Representations From Correspondence Proposals
从
通信建议
中
学习
视频表示
SiamRPN++: Evolution of Siamese Visual Tracking With Very Deep Networks
SiamRPN++:具有
非常深网络的
孪生
视觉跟踪
的
演变
SiamRPN的改进算法:
1. 加深网络,同时保持移动不变性(图2)
2. 层间融合(图2)
3. 跨相关性的改进(图3)
代码:
http://bo-li.info/SiamRPN++
Sphere Generative Adversarial Network Based on Geometric Moment Matching
基于
几何矩匹配
的
球面GAN
Adversarial Attacks Beyond the Image Space
图像空间之外的
敌对攻击
Evading Defenses to Transferable Adversarial Examples by Translation-Invariant Attacks
通过
翻译不变攻击
规避
可转移对抗性例子
的防御
Decoupling Direction and Norm for Efficient Gradient-Based L2 Adversarial Attacks and Defenses
基于梯度的
二级对抗攻击与防御
的
去耦方向
与
准则
A General and Adaptive Robust Loss Function
一种
通用的自适应鲁棒
损失函数
Filter Pruning via Geometric Median for Deep Convolutional Neural Networks Acceleration
基于
几何中值
的
深度卷积神经网络
加速
滤波修剪
Learning to Quantize Deep Networks by Optimizing Quantization Intervals With Task Loss
通过
优化
有
任务损失
的
量化区间
学习
量化深度网络
Not All Areas Are Equal: Transfer Learning for Semantic Segmentation via Hierarchical Region Selection
基于
层次区域选择
的
迁移学习
实现
语义分割
Unsupervised Learning of Dense Shape Correspondence
密集
形状对应
的
无监督学习
Unsupervised Visual Domain Adaptation: A Deep Max-Margin Gaussian Process Approach
无监督
视觉
域自适应
:一种
深度最大边缘
高斯过程
方法
Balanced Self-Paced Learning for Generative Adversarial Clustering Network
基于
平衡自学习
的
生成对抗性
聚类网络
A Style-Based Generator Architecture for Generative Adversarial Networks
一种
基于风格的
生成器结构
实现
GAN
Parallel Optimal Transport GAN
并行最优传输
GAN
3D-SIS: 3D Semantic Instance Segmentation of RGB-D Scans
3D-SIS:
RGB-D扫描的
3D
语义实例分割
Causes and Corrections for Bimodal Multi-Path Scanning With Structured Light
结构光的双峰多径扫描
的
原因及修正
TextureNet: Consistent Local Parametrizations for Learning From High-Resolution Signals on Meshes
TextureNet
:从
网格上的高分辨率信号
学习的
一致局部参数化
PlaneRCNN: 3D Plane Detection and Reconstruction From a Single Image
PlaneRCNN
:
单个图像
的
三维平面
检测
和
重建
Occupancy Networks: Learning 3D Reconstruction in Function Space
占用网络:在
函数空间
中学习
三维重建
3D Shape Reconstruction From Images in the Frequency Domain
基于
频域
的
图像的
三维
形状重建
SiCloPe: Silhouette-Based Clothed People
SiCloPe:基于
剪影
的
给人穿衣
Detailed Human Shape Estimation From a Single Image by Hierarchical Mesh Deformation
基于
层次网格变形
的
单个图像的
人体形状
详细估计
Convolutional Mesh Regression for Single-Image Human Shape Reconstruction
基于
卷积网格回归
的
单图像
人的形状重建
H+O: Unified Egocentric Recognition of 3D Hand-Object Poses and Interactions
H+O:
三维手-物体姿势和交互
的统一
自我中心
识别
Learning the Depths of Moving People by Watching Frozen People
通过
观察
静止
的人
来学习
移动
的人的
深度
Extreme Relative Pose Estimation for RGB-D Scans via Scene Completion
基于
场景补全
的
RGB-D扫描的
极端相对
姿态估计
A Skeleton-Bridged Deep Learning Approach for Generating Meshes of Complex Topologies From Single RGB Images
骨架-桥接深度学习
实现
从单个RGB图像
生成
复杂拓扑网格
Learning Structure-And-Motion-Aware Rolling Shutter Correction
基于
结构与运动感知
学习
的
卷帘(Rolling Shutter)校正
PVNet: Pixel-Wise Voting Network for 6DoF Pose Estimation
基于
像素级
投票网络
的
6自由度
姿态估计
SelFlow: Self-Supervised Learning of Optical Flow
SelFlow:基于
自监督学习
的
光流
Taking a Deeper Look at the Inverse Compositional Algorithm
深入研究
逆合成算法
Deeper and Wider Siamese Networks for Real-Time Visual Tracking
更深更广泛的
孪生网络
,用于
实时
视觉跟踪
孪生(SiamFC/SiamPRN)网络
实现端到端跟踪的
改进
:采用
更深的网络和更宽的网络
代码:
https://github.com/researchmm/SiamDW.
Self-Supervised Adaptation of High-Fidelity Face Models for Monocular Performance Tracking
高保真
人脸模型
的
自监督自适应
实现
单目
性能跟踪
Diverse Generation for Multi-Agent Sports Games
多智能体体育游戏的
多代化
Efficient Online Multi-Person 2D Pose Tracking With Recurrent Spatio-Temporal Affinity Fields
基于
循环时空相似场
的
高效在线多人二维
姿态跟踪
GFrames: Gradient-Based Local Reference Frame for 3D Shape Matching
GFrames:用于
三维
形状匹配
的
基于梯度的
局部参考帧
Eliminating Exposure Bias and Metric Mismatch in Multiple Object Tracking
消除
多目标跟踪
中的
曝光偏差
和
测量失配
逐帧检测形成
Tracklet
,再
merge
的方法
对于
测量失配
和
曝光偏差
的改进。
Graph Convolutional Tracking
图卷积
跟踪
端到端SiamFC
的改进算法:
1. 使用图卷积(基于两两距离矩阵,拉普拉斯矩阵)
2. 同时使用时-空信息和上下文信息(公式2,3)
代码:
http://nlpr-web.ia.ac.cn/mmc/homepage/jygao/gct_cvpr2019.html
ATOM: Accurate Tracking by Overlap Maximization
ATOM:通过
重叠最大化
实现
精确
跟踪
基于深度网络的在线
/离线跟踪(
值得推荐
)
1. 整个网络(图2)分两个子网络:
精确估计模块
(离线学习,基于
IoUNet
的深度网络,估计每个IoU的socre,图3)和
前景/背景分类
网络(在线学习,基于
相关滤波
的深度网络,将利用热图前景背景分开)
2. GPU下实时30FPS
代码:
https://github.com/visionml/pytracking
Visual Tracking via Adaptive Spatially-Regularized Correlation Filters
基于
自适应空间正则化
相关滤波器
的
视觉跟踪
SRDCF和BACF的
扩展
(
两者都是其特例),公式4,并给出基于ADMM的优化算法
Deep Tree Learning for Zero-Shot Face Anti-Spoofing
零镜头人脸反欺骗
的
深度
树学习
ArcFace: Additive Angular Margin Loss for Deep Face Recognition
ArcFace:
深度
人脸识别
的
额外的
角边缘损失
Learning Joint Gait Representation via Quintuplet Loss Minimization
通过
五重损失
最小化
学习
联合
步态表示
Gait Recognition via Disentangled Representation Learning
基于
分离表示
学习
的
步态识别
Reversible GANs for Memory-Efficient Image-To-Image Translation
基于
可逆GANs
的
内存高效的
图像-图像转换
Sensitive-Sample Fingerprinting of Deep Neural Networks
深度神经网络
中的
敏感样本指纹
Soft Labels for Ordinal Regression
用于
序数回归
的
软标签
Local to Global Learning: Gradually Adding Classes for Training Deep Neural Networks
局部到全局学习:基于
逐步增加课程
的
深度神经网络
训练
What Does It Mean to Learn in Deep Networks? And, How Does One Detect Adversarial Attacks?
在
深度网络中学习意味着什么
?而且,如何
检测敌方攻击
?
Handwriting Recognition in Low-Resource Scripts Using Adversarial Learning
基于
对抗学习
的
低资源
手写体识别
Adversarial Defense Through Network Profiling Based Path Extraction
基于
网络仿形
的
路径提取
实现
对抗防御
RENAS: Reinforced Evolutionary Neural Architecture Search
强化演进
神经架构搜索
Co-Occurrence Neural Network
共现
神经网络
SpotTune: Transfer Learning Through Adaptive Fine-Tuning
SpotTune:
自适应微调
迁移学习
Signal-To-Noise Ratio: A Robust Distance Metric for Deep Metric Learning
信噪比:一种用于
深度测量学习
的
鲁棒距离度量
Detection Based Defense Against Adversarial Examples From the Steganalysis Point of View
从
隐写分析的角度看
基于
检测
的
对抗实例防御
HetConv: Heterogeneous Kernel-Based Convolutions for Deep CNNs
异构核卷积
在
深度CNN
中的应用
Strike (With) a Pose: Neural Networks Are Easily Fooled by Strange Poses of Familiar Objects
摆姿势:
神经网络
很容易被
熟悉物体的奇怪姿势
愚弄
。
Blind Geometric Distortion Correction on Images Through Deep Learning
基于
深度学习
的图像
盲
几何失真
校正
Instance-Level Meta Normalization
实例级
元规范化
Iterative Normalization: Beyond Standardization Towards Efficient Whitening
迭代标准化:
超越
高效
白化
的
标准化
On Learning Density Aware Embeddings
论
密度感知
嵌入
学习
Contrastive Adaptation Network for Unsupervised Domain Adaptation
基于
对比度自适应网络
的
无监督
域自适应
LP-3DCNN: Unveiling Local Phase in 3D Convolutional Neural Networks
LP-3DCNN:揭示
三维卷积神经网络
中的
局部相位
Attribute-Driven Feature Disentangling and Temporal Aggregation for Video Person Re-Identification
属性驱动
的
特征分离
与
时间聚合
实现
视频
人再识别
Binary Ensemble Neural Network: More Bits per Network or More Networks per Bit?
二元集成神经网络
:每个
网络
的
比特
数更多还是每个
比特
的
网络
数更多?
Distilling Object Detectors With Fine-Grained Feature Imitation
基于
细粒度特征模拟
的
目标检测
蒸馏
Centripetal SGD for Pruning Very Deep Convolutional Networks With Complicated Structure
用于
修剪
结构复杂的极深卷积网络
的
向心SGD
Knockoff Nets: Stealing Functionality of Black-Box Models
Konckoff Net
:
窃取
黑匣子模型的
功能
Deep Embedding Learning With Discriminative Sampling Policy
基于
判别抽样策略
的
深度
嵌入学习
Hybrid Task Cascade for Instance Segmentation
混合
任务级联
实例分割
Multi-Task Self-Supervised Object Detection via Recycling of Bounding Box Annotations
通过
回收边界框注释
实现
多任务自监督
目标检测
ClusterNet: Deep Hierarchical Cluster Network With Rigorously Rotation-Invariant Representation for Point Cloud Analysis
ClusterNet:用于
点云分析
的严格旋转不变表示
的
深度
层次集群网络
Learning to Learn Relation for Important People Detection in Still Images
通过
学习关系
实现
静止图像中
重要人物检测
Looking for the Devil in the Details: Learning Trilinear Attention Sampling Network for Fine-Grained Image Recognition
寻找细节中的魔鬼:学习
三线注意采样网络
进行
细粒度
图像识别
Multi-Similarity Loss With General Pair Weighting for Deep Metric Learning
多相似度损失
的
一般配对加权
实现
深度
度量学习
Domain-Symmetric Networks for Adversarial Domain Adaptation
基于
域对称网络
的
对抗
域适应
End-To-End Supervised Product Quantization for Image Search and Retrieval
基于
端到端监督产品量化
的
图像
搜索
和
检索
Learning to Learn From Noisy Labeled Data
学习从
带噪的
标签数据
中
学习
DSFD: Dual Shot Face Detector
双镜头
人脸检测器
Label Propagation for Deep Semi-Supervised Learning
标签传播
在
深度半监督学习
中的应用
Deep Global Generalized Gaussian Networks
深度全局广义
高斯网络
Semantically Tied Paired Cycle Consistency for Zero-Shot Sketch-Based Image Retrieval
语义关联成对循环一致性
实现
基于零镜头草图的
图像检索
Context-Aware Crowd Counting
上下文感知
的
群组计数
Detect-To-Retrieve: Efficient Regional Aggregation for Image Search
检测到检索:基于
高效区域聚合
的
图像搜索
Towards Accurate One-Stage Object Detection With AP-Loss
基于
AP损失
的
精确一阶段
目标检测
On Exploring Undetermined Relationships for Visual Relationship Detection
视觉关系检测
中
未定关系
的探讨
Learning Without Memorizing
无需记忆
的
学习
Dynamic Recursive Neural Network
动态
递归神经网络
Destruction and Construction Learning for Fine-Grained Image Recognition
基于
破坏与构造学习
的
细粒度
图像识别
Distraction-Aware Shadow Detection
分心感知
阴影检测
Multi-Label Image Recognition With Graph Convolutional Networks
基于
图卷积网络
的
多标签
图像识别
High-Level Semantic Feature Detection: A New Perspective for Pedestrian Detection
高级语义特征检测
:
行人检测
的新视角
RepMet: Representative-Based Metric Learning for Classification and Few-Shot Object Detection
RepMet:
基于表示的
度量学习
实现
分类
和少镜头
目标检测
Ranked List Loss for Deep Metric Learning
基于
排名损失
的
深度
度量学习
CANet: Class-Agnostic Segmentation Networks With Iterative Refinement and Attentive Few-Shot Learning
CANet:具有
迭代细化
和
专注的少镜头学习
的
类不可知
分割网络
Precise Detection in Densely Packed Scenes
密集场景中的
精确检测
KE-GAN: Knowledge Embedded Generative Adversarial Networks for Semi-Supervised Scene Parsing
基于
知识嵌入式GAN
的
半监督
场景解析
Fast User-Guided Video Object Segmentation by Interaction-And-Propagation Networks
基于
交互和传播网络
的
快速用户引导
视频对象分割
Fast Interactive Object Annotation With Curve-GCN
基于
曲线GCN
的
快速交互
对象标注
FickleNet: Weakly and Semi-Supervised Semantic Image Segmentation Using Stochastic Inference
FickleNet:基于
随机推理
的
弱监督和半监督
语义图像分割
RVOS: End-To-End Recurrent Network for Video Object Segmentation
视频对象分割
的
端到端循环网络
DeepFlux for Skeletons in the Wild
基于
DeepFlux
的
野外骨架
Interactive Image Segmentation via Backpropagating Refinement Scheme
基于
后向传播细化方案
的
交互式
图像分割
Scene Parsing via Integrated Classification Model and Variance-Based Regularization
基于
综合
分类模型
和
方差正则化
的
场景分析
RAVEN: A Dataset for Relational and Analogical Visual REasoNing
RAVEN:用于
关系和类比视觉推理
的
数据集
Surface Reconstruction From Normals: A Robust DGP-Based Discontinuity Preservation Approach
基于归一化的曲面重构:一种基于
DGP
的鲁棒
不连续性保持
方法
DeepFashion2: A Versatile Benchmark for Detection, Pose Estimation, Segmentation and Re-Identification of Clothing Images
DeepFashion2:
服装图像的
检测
、
姿势估计
、
分割
和
再识别
的
通用基准
Jumping Manifolds: Geometry Aware Dense Non-Rigid Structure From Motion
跳跃流形:
几何感知
密集非刚性
SFM
LVIS: A Dataset for Large Vocabulary Instance Segmentation
大词汇
实例分割
的
数据集
Fast Object Class Labelling via Speech
通过
语音
实现快速
标记对象类
LaSOT: A High-Quality Benchmark for Large-Scale Single Object Tracking
LaSOT:
大规模
单目标跟踪
的
高质量基准
Creative Flow+ Dataset
创意
流+数据集
Weakly Supervised Open-Set Domain Adaptation by Dual-Domain Collaboration
基于
双域协作
的
弱监督开放集
域自适应
A Neurobiological Evaluation Metric for Neural Network Model Search
用于
神经网络模型
搜索
的
神经生物学
评价指标
Iterative Projection and Matching: Finding Structure-Preserving Representatives and Its Application to Computer Vision
迭代投影与匹配
:
寻找
保结构表示
及其在计算机视觉中的应用
Efficient Multi-Domain Learning by Covariance Normalization
基于
协方差归一化
的
高效
多域学习
Predicting Visible Image Differences Under Varying Display Brightness and Viewing Distance
不同
显示
亮度
和
视距
下的
可见图像
差异预测
A Bayesian Perspective on the Deep Image Prior
基于
深度图像先验
的
贝叶斯透视
ApolloCar3D: A Large 3D Car Instance Understanding Benchmark for Autonomous Driving
ApolloCar3D:面向
自动驾驶
的一个大型
3D汽车实例理解基准
Compressing Unknown Images With Product Quantizer for Efficient Zero-Shot Classification
用乘积量化器
压缩未知图像
实现有效的
零镜头分类
Self-Supervised Convolutional Subspace Clustering Network
自监督
卷积
子空间聚类网络
Multi-Scale Geometric Consistency Guided Multi-View Stereo
多尺度几何一致性
引导的
多视角立体
Privacy Preserving Image-Based Localization
隐私保护的
基于图像的定位
SimulCap : Single-View Human Performance Capture With Cloth Simulation
SimulCap:用
布料模拟
单视图
人的表现捕捉
Hierarchical Deep Stereo Matching on High-Resolution Images
高分辨率图像
的
分层深度
立体匹配
主要是利用
空间金字塔(SPP
)抽取
不同(4个)尺度的特征
,并由此得到
多尺度的costVolumn
,低尺度特征
不仅独立估计视差,同时辅助高尺度特征计算高尺度costVolumn
(图2,3),即所谓“
层级
”
文中同时还给出
数据增广
方法和
新的训练数据集
Recurrent MVSNet for High-Resolution Multi-View Stereo Depth Inference
基于
循环MVSNet
的
高分辨率
多视图
立体深度推断
Synthesizing 3D Shapes From Silhouette Image Collections Using Multi-Projection Generative Adversarial Networks
使用
多投影GAN
从轮廓图像集合
合成三维形状
The Perfect Match: 3D Point Cloud Matching With Smoothed Densities
完美匹配:基于
平滑密度
的
三维
点云匹配
Recurrent Neural Network for (Un-)Supervised Learning of Monocular Video Visual Odometry and Depth
用于
(非)监督学习
单眼视频
视觉里程计
和
深度
的
循环神经网络
基于
LSTM深度网络
结构的
深度和位置同时估计
。网络结构如图3,pipleline如图2,损失函数如公式1,5,6,7,8
PointWeb: Enhancing Local Neighborhood Features for Point Cloud Processing
PointWeb:基于
局部邻域功能增强
的
点云处理
Scan2Mesh: From Unstructured Range Scans to 3D Meshes
Scan2Mesh:
从
非结构化范围扫描
到
三维网格
Unsupervised Domain Adaptation for ToF Data Denoising With Adversarial Learning
利用
对抗学习
实现基于
无监督域自适应的
ToF数据去噪
Learning Independent Object Motion From Unlabelled Stereoscopic Videos
从
未标记的立体视频
中学习
独立物体运动
Learning Single-Image Depth From Videos Using Quality Assessment Networks
使用
质量评估网络
从视频中学习
单个图像深度
Learning 3D Human Dynamics From Video
从视频中
学习
三维人体动力学
Lending Orientation to Neural Networks for Cross-View Geo-Localization
面向
神经网络
的
跨视图地理定位
研究
Visual Localization by Learning Objects-Of-Interest Dense Match Regression
通过
感兴趣对象的
密集匹配回归学习
实现
视觉定位
Bilateral Cyclic Constraint and Adaptive Regularization for Unsupervised Monocular Depth Prediction
双边循环约束
与
自适应正则化
实现
无监督单目
深度预测
Face Parsing With RoI Tanh-Warping
用
ROI正切弯曲
实现
人脸分析
Multi-Person Articulated Tracking With Spatial and Temporal Embeddings
基于
时空嵌入
的
多人
关节跟踪
Multi-Person Pose Estimation With Enhanced Channel-Wise and Spatial Information
基于
增强通道
和
空间信息
的
多人
姿态估计
A Compact Embedding for Facial Expression Similarity
基于
紧凑嵌入
的
面部表情相似性
Deep High-Resolution Representation Learning for Human Pose Estimation
基于
深度高分辨率
表示学习
的
人体
姿态估计
Feature Transfer Learning for Face Recognition With Under-Represented Data
欠表示数据下
基于
特征迁移学习
的
人脸识别
Unsupervised 3D Pose Estimation With Geometric Self-Supervision
基于
几何自监督
的
无监督
三维姿态估计
Peeking Into the Future: Predicting Future Person Activities and Locations in Videos
展望未来:
在视频中
预测未来
人
的
活动
和
地点
Re-Identification With Consistent Attentive Siamese Networks
用
一致注意的
孪生网络
实现
重识别
On the Continuity of Rotation Representations in Neural Networks
论
神经网络
中
旋转表示
的
连续性
Iterative Residual Refinement for Joint Optical Flow and Occlusion Estimation
基于
迭代残差精化
的
联合
光流
和
遮挡
估计
Inverse Discriminative Networks for Handwritten Signature Verification
基于
反向判别网络
的
手写签名验证
Led3D: A Lightweight and Efficient Deep Approach to Recognizing Low-Quality 3D Faces
Led3D:
识别低质量
三维人脸
的一种
轻量级和高效的
深度方法
ROI Pooled Correlation Filters for Visual Tracking
用于
视觉跟踪
的
ROI集合
相关滤波器
Deep Video Inpainting
深度
视频修复
DM-GAN: Dynamic Memory Generative Adversarial Networks for Text-To-Image Synthesis
DM-GAN:基于
动态存储GAN
的
文本-图像合成
Non-Adversarial Image Synthesis With Generative Latent Nearest Neighbors
基于
生成潜在最近邻
的
非对抗性
图像合成
Mixture Density Generative Adversarial Networks
混合密度
GAN
SketchGAN: Joint Sketch Completion and Recognition With Generative Adversarial Network
SketchGAN:基于
GAN
的
联合
草图补全
与
识别
Foreground-Aware Image Inpainting
前景感知
的
图像修补
Art2Real: Unfolding the Reality of Artworks via Semantically-Aware Image-To-Image Translation
Art2Real:通过
语义感知的
图像-图像的翻译
来
展现艺术作品的真实性
Structure-Preserving Stereoscopic View Synthesis With Multi-Scale Adversarial Correlation Matching
基于
多尺度对抗
相关匹配
的
保结构
立体视图合成
DynTypo: Example-Based Dynamic Text Effects Transfer
DynTypo:基于
示例
的
动态
文本效果传输
Arbitrary Style Transfer With Style-Attentional Networks
基于
样式注意力网络
的
任意
样式转换
Typography With Decor: Intelligent Text Style Transfer
带装饰的印刷:
智能
文本
样式转换
RL-GAN-Net: A Reinforcement Learning Agent Controlled GAN Network for Real-Time Point Cloud Shape Completion
基于
增强学习代理控制
GAN网络
的
实时点云
形状补全
Photo Wake-Up: 3D Character Animation From a Single Photo
照片唤醒:来自
单个照片的
3D角色动画
DeepLight: Learning Illumination for Unconstrained Mobile Mixed Reality
DeepLight:基于
照明学习
的
无约束移动混合
现实
Iterative Residual CNNs for Burst Photography Applications
迭代残差CNN
在
突发摄影
中的应用
Learning Implicit Fields for Generative Shape Modeling
基于
隐式域学习
的
生成
形状建模
Reliable and Efficient Image Cropping: A Grid Anchor Based Approach
可靠高效的
图像裁剪
:基于
网格锚
的方法
Patch-Based Progressive 3D Point Set Upsampling
基于
Patch
的
渐进式
三维点集
上采样
An Iterative and Cooperative Top-Down and Bottom-Up Inference Network for Salient Object Detection
一种
迭代协作
的自顶向下和自下而上的
显著目标检测
推理网络
Deep Stacked Hierarchical Multi-Patch Network for Image Deblurring
用于
图像去模糊
的
深度层级多Patch网络
Turn a Silicon Camera Into an InGaAs Camera
把
硅相机
变成
InGaAs相机
Low-Rank Tensor Completion With a New Tensor Nuclear Norm Induced by Invertible Linear Transforms
由
可逆线性变换诱导的
新张量核模
实现
低阶张量完备
Joint Representative Selection and Feature Learning: A Semi-Supervised Approach
联合代表
选择
与
特征
学习
:一种
半监督方法
The Domain Transform Solver
域变换
求解器
CapSal: Leveraging Captioning to Boost Semantics for Salient Object Detection
CapSal:
利用字幕
增强语义
实现
显著目标检测
Phase-Only Image Based Kernel Estimation for Single Image Blind Deblurring
基于纯相位图像的
核估计
实现
单图像
盲去模糊
Hierarchical Discrete Distribution Decomposition for Match Density Estimation
基于
层次
离散分布分解
的
匹配密度估计
FOCNet: A Fractional Optimal Control Network for Image Denoising
一种用于
图像去噪
的
分数阶最优控制网络
所谓“
控制网络
”就是将
一类特殊的深度网络(满足公式1)
解释为给定初始状态的动态系统(公式2)。然后求解这个动态系统的最优参数(及网络参数)
Orthogonal Decomposition Network for Pixel-Wise Binary Classification
像素级
二元分类
的
正交分解网络
Multi-Source Weak Supervision for Saliency Detection
多源弱监督
的
显著性检测
ComDefend: An Efficient Image Compression Model to Defend Adversarial Examples
一种有效的
图像压缩模型
来
防御对抗性
的例子
Combinatorial Persistency Criteria for Multicut and Max-Cut
基于
组合持久性准则
的
多Cut
和
最大Cut
S4Net: Single Stage Salient-Instance Segmentation
S4Net:
单阶段
显著实例
分割
A Decomposition Algorithm for the Sparse Generalized Eigenvalue Problem
稀疏
广义特征值
问题
的
分解算法
Polynomial Representation for Persistence Diagram
持久图
的
多项式表示
Crowd Counting and Density Estimation by Trellis Encoder-Decoder Networks
基于
网格编码-译码器网络
的
人群计数
和
密度估计
Cross-Atlas Convolution for Parameterization Invariant Learning on Textured Mesh Surface
利用
交叉图集卷积
实现
纹理网格表面
的
参数化不变学习
Deep Surface Normal Estimation With Hierarchical RGB-D Fusion
基于
层次化RGB-D融合
的
深度表面
法向估计
Knowledge-Embedded Routing Network for Scene Graph Generation
用于
场景图生成
的
知识嵌入式
路由网络
An End-To-End Network for Panoptic Segmentation
一种用于
全光分割
的
端到端网络
Fast and Flexible Indoor Scene Synthesis via Deep Convolutional Generative Models
基于
深度卷积
生成模型
的快速灵活的
室内场景合成
Marginalized Latent Semantic Encoder for Zero-Shot Learning
用于
零镜头学习
的
边缘化潜在
语义编码器
Scale-Adaptive Neural Dense Features: Learning via Hierarchical Context Aggregation
尺度自适应神经密集特征:基于
层次上下文聚合
的
学习
Unsupervised Embedding Learning via Invariant and Spreading Instance Feature
基于
不变量
和
扩展实例特征
的
无监督
嵌入学习
AOGNets: Compositional Grammatical Architectures for Deep Learning
AOGNets:用于
深度学习
的
复合语法体系结构
A Robust Local Spectral Descriptor for Matching Non-Rigid Shapes With Incompatible Shape Structures
用于
非刚性形状
与
不相容形状结构
匹配
的
鲁棒
局部谱描述符
Context and Attribute Grounded Dense Captioning
上下文
和
属性固定
的
密集字幕
Spot and Learn: A Maximum-Entropy Patch Sampler for Few-Shot Image Classification
斑点与学习:基于
最大熵Patch采样
的
少镜头
图像分类
Interpreting CNNs via Decision Trees
通过
决策树
解释CNN
Dense Relational Captioning: Triple-Stream Networks for Relationship-Based Captioning
密集关系字幕:基于
三流网络
的
关系
字幕
Deep Modular Co-Attention Networks for Visual Question Answering
基于
深度模块化
协同注意网络
的
视觉问答
Synthesizing Environment-Aware Activities via Activity Sketches
通过
活动草图
的
环境感知活动
合成
Self-Critical N-Step Training for Image Captioning
基于
自评N步训练
的
图像字幕
Multi-Target Embodied Question Answering
多目标
体现问题问答
Visual Question Answering as Reading Comprehension
作为
阅读理解
的
视觉问答
StoryGAN: A Sequential Conditional GAN for Story Visualization
StoryGAN:用于
故事可视化
的
序列条件GAN
Noise-Aware Unsupervised Deep Lidar-Stereo Fusion
噪声感知
无监督深度
激光-雷达
立体融合
Versatile Multiple Choice Learning and Its Application to Vision Computing
多选择学习
及其在
视觉计算
中的应用
EV-Gait: Event-Based Robust Gait Recognition Using Dynamic Vision Sensors
EV-Gait:
动态视觉传感器
中
基于事件
的
鲁棒
步态识别
ToothNet: Automatic Tooth Instance Segmentation and Identification From Cone Beam CT Images
ToothNet:基于
锥束CT图像
的
牙齿实例
自动分割与识别
Modularized Textual Grounding for Counterfactual Resilience
反事实弹性
的
模块化文本基础
L3-Net: Towards Learning Based LiDAR Localization for Autonomous Driving
L3-Net:面向
自主驾驶
的
学习型
激光雷达
定位
Panoptic Feature Pyramid Networks
泛光特征
金字塔网络
Mask Scoring R-CNN
模板评分
R-CNN
Reasoning-RCNN: Unifying Adaptive Global Reasoning Into Large-Scale Object Detection
Reasoning-RCNN:将
自适应全局推理
统一到
大规模
目标检测
中
Cross-Modality Personalization for Retrieval
交叉模态个性化
检索
Composing Text and Image for Image Retrieval - an Empirical Odyssey
为
图像检索
组合文本和图像
-一个经验Odyssey
Arbitrary Shape Scene Text Detection With Adaptive Text Region Representation
基于
自适应
文本区域表示
的
任意形状场景
文本检测
Adaptive NMS: Refining Pedestrian Detection in a Crowd
自适应NMS
:改进人群中的
行人检测
Point in, Box Out: Beyond Counting Persons in Crowds
点进,框出:
人群计数
之外
Locating Objects Without Bounding Boxes
无需边界框
的
目标定位
FineGAN: Unsupervised Hierarchical Disentanglement for Fine-Grained Object Generation and Discovery
FineGAN:基于
无监督层次
分离
的
细粒度
对象生成
和
发现
Mutual Learning of Complementary Networks via Residual Correction for Improving Semi-Supervised Classification
基于残差校正的
互补网络互学习
实现
半监督分类
的改进
Sampling Techniques for Large-Scale Object Detection From Sparsely Annotated Objects
稀疏注记对象的
大尺度
目标检测
的
抽样技术
Curls & Whey: Boosting Black-Box Adversarial Attacks
Curls与Whey:
增强
黑盒
对抗性攻击
Barrage of Random Transforms for Adversarially Robust Defense
基于随机变换的
拦河坝
的
对抗性防御
Aggregation Cross-Entropy for Sequence Recognition
基于
聚集交叉熵
的
序列识别
LaSO: Label-Set Operations Networks for Multi-Label Few-Shot Learning
LaSO:用于
多标签少镜头学习
的
标签集
操作网络
Few-Shot Learning With Localization in Realistic Settings
在现实环境中
定位
的
少镜头学习
AdaGraph: Unifying Predictive and Continuous Domain Adaptation Through Graphs
AdaGraph:通过
图
的
统一
预测
和
连续
域自适应
Grounded Video Description
接地
视频描述
Streamlined Dense Video Captioning
流线型密集
视频字幕
Adversarial Inference for Multi-Sentence Video Description
多句
视频描述
的
对抗推理
Unified Visual-Semantic Embeddings: Bridging Vision and Language With Structured Meaning Representations
统一的视觉-语义嵌入:利用
结构化的意义表达
将
视觉
和
语言
连接
起来
Learning to Compose Dynamic Tree Structures for Visual Contexts
学习
为
视觉上下文
构建
动态树结构
Reinforced Cross-Modal Matching and Self-Supervised Imitation Learning for Vision-Language Navigation
基于
强化跨模态匹配
与
自监督模拟学习
的
视觉语言导航
Dynamic Fusion With Intra- and Inter-Modality Attention Flow for Visual Question Answering
基于
模式内
和
模式间
注意力流
动态融合
的
视觉问答
Cycle-Consistency for Robust Visual Question Answering
基于
循环一致性
的
鲁棒
视觉问答
Embodied Question Answering in Photorealistic Environments With Point Cloud Perception
基于
点云感知
的
真实感摄影环境中的
具体问题解答
Reasoning Visual Dialogs With Structural and Partial Observations
基于
结构和局部观察
的
视觉对话
推理
Recursive Visual Attention in Visual Dialog
视觉对话
中的
递归视觉注意
Two Body Problem: Collaborative Visual Task Completion
二体问题:
协同
视觉任务补全
GQA: A New Dataset for Real-World Visual Reasoning and Compositional Question Answering
GQA:
一个新的数据集
,用于
现实世界的
视觉推理
和
组合问题解答
Text2Scene: Generating Compositional Scenes From Textual Descriptions
Text2Scene:根据
文本描述
生成
合成场景
From Recognition to Cognition: Visual Commonsense Reasoning
从识别到认知:
视觉常识推理
The Regretful Agent: Heuristic-Aided Navigation Through Progress Estimation
遗憾的代理人:通过
进度估计
的
启发式
辅助导航
Tactical Rewind: Self-Correction via Backtracking in Vision-And-Language Navigation
战术倒带:
视觉-语言导航
中的
利用
回溯
进行
自我修正
Learning to Learn How to Learn: Self-Adaptive Visual Navigation Using Meta-Learning
学习如何学习:基于
元学习
的
自适应
视觉导航
High Flux Passive Imaging With Single-Photon Sensors
单光子传感器的
高通量
被动成像
Photon-Flooded Single-Photon 3D Cameras
光子淹没
的
单光子3D相机
Acoustic Non-Line-Of-Sight Imaging
声音的
非视线
成像
Steady-State Non-Line-Of-Sight Imaging
稳态
非视线
成像
A Theory of Fermat Paths for Non-Line-Of-Sight Shape Reconstruction
非视线
形状重建
的
费马路径理论
End-To-End Projector Photometric Compensation
端到端
投影仪
光度补偿
Bringing a Blurry Frame Alive at High Frame-Rate With an Event Camera
使用
事件照相机
以高帧速率
激活模糊帧
Bringing Alive Blurred Moments
激活模糊
的瞬间
Learning to Synthesize Motion Blur
学习
合成运动模糊
Underexposed Photo Enhancement Using Deep Illumination Estimation
使用
深度亮度估计
的
曝光不足
照片增强
Blind Visual Motif Removal From a Single Image
从单个图像中
盲
视觉装饰删除
Non-Local Meets Global: An Integrated Paradigm for Hyperspectral Denoising
非局部满足全局:
高光谱
图像去噪
的一个综合范例
Neural Rerendering in the Wild
野外环境下
神经再分化
GeoNet: Deep Geodesic Networks for Point Cloud Analysis
GeoNet:基于
深度测地线网络
的
点云分析
MeshAdv: Adversarial Meshes for Visual Recognition
MeshAdv:用于
视觉识别
的
对抗性网格
Fast Spatially-Varying Indoor Lighting Estimation
快速空间变化的
室内
亮度估计
Neural Illumination: Lighting Prediction for Indoor Environments
神经
照明:
室内环境的
照明预测
Deep Sky Modeling for Single Image Outdoor Lighting Estimation
单图像室外
照明估计
的
深度天空建模
Bidirectional Learning for Domain Adaptation of Semantic Segmentation
基于
域自适应
双向学习
的
语义分割
基于域自适应弱监督语义分割:
两个子网
(有标签的源到无标签目标的translate网,及目标域的语义分割网),传统的方法是先从源到目标,再训练。本文方法是
translate
与
分割
两个子网之间
双向
训练(影响)
Enhanced Bayesian Compression via Deep Reinforcement Learning
通过
深度强化学习
增强
贝叶斯压缩
Strong-Weak Distribution Alignment for Adaptive Object Detection
基于
强-弱分布对齐
的
自适应
目标检测
MFAS: Multimodal Fusion Architecture Search
多模式融合
体系结构搜索
Disentangling Adversarial Robustness and Generalization
脱离对抗
的
鲁棒性
和
泛化
ShieldNets: Defending Against Adversarial Attacks Using Probabilistic Adversarial Robustness
ShieldNets:
使用
概率
对抗
鲁棒性
防御对抗攻击
Deeply-Supervised Knowledge Synergy
深度监督
知识协同
Dual Residual Networks Leveraging the Potential of Paired Operations for Image Restoration
利用
配对操作的潜力
进行
图像恢复
的
对偶残差网络
将残差块内的操作设计(分割)为两个对偶的操作(文中定义了4种对偶操作,Fig.4),然后将残差块设计为如图1d的方式,意图是充分开发对偶操作的潜能(传统的方式没有对偶的概念,如Fig.1a)。
文中针对五种常见图像恢复问题,采用Fig.4提出的不同对偶操作,定义不同的残差块,来实现图像恢复
Probabilistic End-To-End Noise Correction for Learning With Noisy Labels
基于
概率端到端
噪声校正
的
带噪声标签
学习
Attention-Guided Unified Network for Panoptic Segmentation
基于
注意引导
统一网络
的
全光分割
NAS-FPN: Learning Scalable Feature Pyramid Architecture for Object Detection
NAS-FPN:通过
金字塔结构
的
可扩展特征学习
实现
对象检测
OICSR: Out-In-Channel Sparsity Regularization for Compact Deep Neural Networks
信道外
稀疏正则化
实现
紧凑型
深度神经网络
Semantically Aligned Bias Reducing Zero Shot Learning
语义一致偏差减少
的
零镜头学习
Feature Space Perturbations Yield More Transferable Adversarial Examples
特征空间扰动
产生
更多
可转移
的
对抗性
例子
IGE-Net: Inverse Graphics Energy Networks for Human Pose Estimation and Single-View Reconstruction
IGE-Net:用于
人体姿态估计
和
单视图重建
的
逆图形能量网络
Accelerating Convolutional Neural Networks via Activation Map Compression
通过
激活映射压缩
加速
卷积神经网络
Knowledge Distillation via Instance Relationship Graph
基于
实例关系图
的
知识提取
PPGNet: Learning Point-Pair Graph for Line Segment Detection
PPGNet:用于
线段分割检测
的
点对图学习
Building Detail-Sensitive Semantic Segmentation Networks With Polynomial Pooling
基于
多项式池化
的
细节敏感
语义分割
网络
的构建
提出了一个(适用于语义分割)的,介于平均池化和最大池化之间的多项式池化(公式1),并对其进行分析和实验
Variational Bayesian Dropout With a Hierarchical Prior
具有
层次先验
的
变分贝叶斯
Dropout
AANet: Attribute Attention Network for Person Re-Identifications
AANet:用于
人重识别
的
属性注意网络
Overcoming Limitations of Mixture Density Networks: A Sampling and Fitting Framework for Multimodal Future Prediction
克服
混合密度网络
的
局限性
:
多模式未来预测
的
抽样
和
拟合
框架
A Main/Subsidiary Network Framework for Simplifying Binary Neural Networks
简化
二元神经网络
的
主/子网络框架
PointNetLK: Robust & Efficient Point Cloud Registration Using PointNet
PointNetLk:使用
PointNet
的
健壮高效
的
点云配准
Few-Shot Adaptive Faster R-CNN
少镜头自适应
快速R-CNN
VRSTC: Occlusion-Free Video Person Re-Identification
VRSTC:
无遮挡
视频
人重识别
Compact Feature Learning for Multi-Domain Image Classification
多域
图像分类
的
压缩特征学习
Adaptive Transfer Network for Cross-Domain Person Re-Identification
跨域
人再识别
的
自适应传输网络
Large-Scale Few-Shot Learning: Knowledge Transfer With Class Hierarchy
大规模少镜头学习
:
具有类层次的
知识转移
Moving Object Detection Under Discontinuous Change in Illumination Using Tensor Low-Rank and Invariant Sparse Decomposition
基于
张量低阶不变稀疏分解
的
光照不连续变化下
运动
目标检测
Pedestrian Detection With Autoregressive Network Phases
基于
自回归网络相位
的
行人检测
All You Need Is a Few Shifts: Designing Efficient Convolutional Neural Networks for Image Classification
你所需要的只是一些转变:为
图像分类
设计
高效
的
卷积神经网络
Stochastic Class-Based Hard Example Mining for Deep Metric Learning
随机的
基于类的
硬实例挖掘
实现
深度度量学习
Revisiting Local Descriptor Based Image-To-Class Measure for Few-Shot Learning
基于局部描述子的
图像-类测度
实现
少镜头学习
Towards Robust Curve Text Detection With Conditional Spatial Expansion
基于
条件空间扩展
的
鲁棒
曲线文本检测
Revisiting Perspective Information for Efficient Crowd Counting
基于
透视信息
的
有效的
人群计数
Towards Universal Object Detection by Domain Attention
基于
域关注
的
通用
目标检测
Ensemble Deep Manifold Similarity Learning Using Hard Proxies
基于
硬代理
的
集成深度
流形相似性
学习
Quantization Networks
量化
网络
RES-PCA: A Scalable Approach to Recovering Low-Rank Matrices
一种
低秩矩阵恢复
的
可扩展方法
Occlusion-Net: 2D/3D Occluded Keypoint Localization Using Graph Networks
Occlusion-Net:使用
图形网络
进行
二维/三维
遮挡关键点定位
Efficient Featurized Image Pyramid Network for Single Shot Detector
单镜头探测器
的
高效特征图像
金字塔网络
Multi-Task Multi-Sensor Fusion for 3D Object Detection
用于
三维
目标检测
的
多任务多传感器
融合
Domain-Specific Batch Normalization for Unsupervised Domain Adaptation
用于
无监督
域适应
的
特定域
批处理规范化
Grid R-CNN
网格
R-CNN
MetaCleaner: Learning to Hallucinate Clean Representations for Noisy-Labeled Visual Recognition
元清洗器:用于
噪声标签
视觉识别
的
幻觉干净表示
学习
Mapping, Localization and Path Planning for Image-Based Navigation Using Visual Features and Map
利用
视觉特征
和
地图
进行
基于地图绘制、定位和路径规划
的
图像导航
Triply Supervised Decoder Networks for Joint Detection and Segmentation
用于
联合检测
和
分割
的
三重监督
解码器网络
Leveraging the Invariant Side of Generative Zero-Shot Learning
利用
生成零镜头学习
的
不变边
Exploring the Bounds of the Utility of Context for Object Detection
探索
上下文
在
目标检测
中的应用
边界
A-CNN: Annularly Convolutional Neural Networks on Point Clouds
A-CNN:
点云
上的
环形
卷积神经网络
DARNet: Deep Active Ray Network for Building Segmentation
用于
建筑物分割
的
深度主动
射线网络
Point Cloud Oversegmentation With Graph-Structured Deep Metric Learning
基于
图结构
深度度量学习
的
点云过分割
Graphonomy: Universal Human Parsing via Graph Transfer Learning
笔迹学:通过
图迁移学习
的
通用
人类分析
Fitting Multiple Heterogeneous Models by Multi-Class Cascaded T-Linkage
用
多类级联T-连杆
实现
多个异构模型
拟合
A Late Fusion CNN for Digital Matting
用于
数字抠图
的
后期融合CNN
BASNet: Boundary-Aware Salient Object Detection
BASNet:
边界感知
显著目标检测
ZigZagNet: Fusing Top-Down and Bottom-Up Context for Object Segmentation
ZigZagNet:
融合
自上而下
和
自下而上
的
上下文
进行
对象分割
Object Instance Annotation With Deep Extreme Level Set Evolution
基于
深度极值水平集演化
的
对象实例注释
Leveraging Crowdsourced GPS Data for Road Extraction From Aerial Imagery
利用
众包GPS数据
从航空影像中
提取道路
Adaptive Pyramid Context Network for Semantic Segmentation
用于
语义分割
的
自适应金字塔
上下文网络
研究Content信息在语义分割中的作用,指出context信息的使用应满足三个特点:1. 多尺度;2. 自适应;3. 全局引导局部Affinity(两两相关),并提出ACM(自适应Context模块,见图2),从中可见,多尺度、自适应(体现在其Affinity矩阵是学习而来的),全局引导局部Affinity(矩阵相乘)
Isospectralization, or How to Hear Shape, Style, and Correspondence
同构,或如何
听到
形状
、
风格
和
对应
Speech2Face: Learning the Face Behind a Voice
Speech2Face:
学习
声音背后的
表情
Joint Manifold Diffusion for Combining Predictions on Decoupled Observations
联合流形扩散
用于
解耦合观测
的组合预测
Audio Visual Scene-Aware Dialog
视听的
场景感知对话
Learning to Minify Photometric Stereo
学习
缩小光度立体
Reflective and Fluorescent Separation Under Narrow-Band Illumination
窄带照明下的
反射
和
荧光
分离
Depth From a Polarisation + RGB Stereo Pair
基于
极化+RGB立体配对
的
深度
Rethinking the Evaluation of Video Summaries
对
视频摘要
评价
的再思考
What Object Should I Use? - Task Driven Object Detection
我应该使用什么对象?-
任务驱动
的
对象检测
Triangulation Learning Network: From Monocular to Stereo 3D Object Detection
三角测量学习网络
:从
单目
到
立体
三维目标检测
Connecting the Dots: Learning Representations for Active Monocular Depth Estimation
连接点:
主动单目
深度估计
的
学习表示法
Learning Non-Volumetric Depth Fusion Using Successive Reprojections
利用
连续重投影
学习
非体积
深度融合
Stereo R-CNN Based 3D Object Detection for Autonomous Driving
基于
立体R-CNN
的
自主驾驶
三维目标检测
Hybrid Scene Compression for Visual Localization
用于
视觉定位
的
混合场景压缩
MMFace: A Multi-Metric Regression Network for Unconstrained Face Reconstruction
多尺度回归网络
在
无约束
人脸重建
中的应用
3D Motion Decomposition for RGBD Future Dynamic Scene Synthesis
三维
运动分解
在
RGBD未来动态
场景合成
中的应用
Single Image Depth Estimation Trained via Depth From Defocus Cues
利用
离焦线索
实现
基于深度的单图像
深度估计
训练
RGBD Based Dimensional Decomposition Residual Network for 3D Semantic Scene Completion
基于RGBD的
维度分解残差分解网络
实现
三维
语义场景
补全
Neural Scene Decomposition for Multi-Person Motion Capture
基于
神经场景分解
的
多人
运动捕捉
Efficient Decision-Based Black-Box Adversarial Attacks on Face Recognition
对人脸识别
的基于
决策的黑盒对抗攻击
FA-RPN: Floating Region Proposals for Face Detection
FA-RPN:基于
浮动区域建议
的
人脸检测
Bayesian Hierarchical Dynamic Model for Human Action Recognition
基于
贝叶斯层次动态模型
的
人类
行为识别
Mixed Effects Neural Networks (MeNets) With Applications to Gaze Estimation
混合效应
神经网络
及其在
凝视估计
中的应用
3D Human Pose Estimation in Video With Temporal Convolutions and Semi-Supervised Training
基于时间卷积和半监督训练的视频
三维人体
姿态估计
Learning to Regress 3D Face Shape and Expression From an Image Without 3D Supervision
学习
在没有3D监控的情况下
从图像中
回归
3D人脸形状
和
表情
PoseFix: Model-Agnostic General Human Pose Refinement Network
PoseFix:
模型不可知论
通用
人体姿势优化
网络
RepNet: Weakly Supervised Training of an Adversarial Reprojection Network for 3D Human Pose Estimation
RepNet:用于
三维人体姿态估计
的
弱监督训练
对抗性再投射网络
Fast and Robust Multi-Person 3D Pose Estimation From Multiple Views
多视图多人
三维姿态
快速鲁棒
估计
Face-Focused Cross-Stream Network for Deception Detection in Videos
面向人脸的
交叉流网络
实现
视频欺骗检测
Unequal-Training for Deep Face Recognition With Long-Tailed Noisy Data
利用
非均匀训练
实现
长尾噪声数据下
人脸识别
T-Net: Parametrizing Fully Convolutional Nets With a Single High-Order Tensor
T-Net:用一个
高阶张量
参数化
全卷积网
Hierarchical Cross-Modal Talking Face Generation With Dynamic Pixel-Wise Loss
基于
动态像素级损失
的
层次化跨模态
说话人脸生成
Object-Centric Auto-Encoders and Dummy Anomalies for Abnormal Event Detection in Video
基于
目标中心自动编码器
和
虚拟异常
的
视频
异常事件
检测
DDLSTM: Dual-Domain LSTM for Cross-Dataset Action Recognition
DDLSTM:基于
双域LSTM
的
跨数据集
动作识别
The Pros and Cons: Rank-Aware Temporal Attention for Skill Determination in Long Videos
利弊:
等级感知的时间关注
实现
长视频中
技能决定
Collaborative Spatiotemporal Feature Learning for Video Action Recognition
基于
协同
时空特征
学习
的
视频动作识别
MARS: Motion-Augmented RGB Stream for Action Recognition
MARS:用于
动作识别
的
运动增强
RGB流
Convolutional Relational Machine for Group Activity Recognition
用于
群体
活动识别
的
卷积关系机
Video Summarization by Learning From Unpaired Data
从
未配对数据
中
学习
视频摘要
Skeleton-Based Action Recognition With Directed Graph Neural Networks
利用
有向图神经网络
实现
基于骨架的
动作识别
PA3D: Pose-Action 3D Machine for Video Recognition
PA3D:基于
姿势动作3D机
的
视频识别
Deep Dual Relation Modeling for Egocentric Interaction Recognition
基于
深度
对偶关系
模型
的
自我中心
交互识别
MOTS: Multi-Object Tracking and Segmentation
多目标
跟踪
与
分割
1. 提出了同时跟踪与(像素级)分割的(训练)
数据库
2. 提出了跟踪组分割过程中的
距离测量
方法
3. 提出了基于
Mask-RCNN
的检测、分割方法
该算法是
每帧检测,然后link检测结果
代码:
https://www.vision.rwth-aachen.de/page/mots
Siamese Cascaded Region Proposal Networks for Real-Time Visual Tracking
基于
孪生级联区域建议网络
的
实时
视觉跟踪
PointFlowNet: Learning Representations for Rigid Motion Estimation From Point Clouds
PointFlowNet:
点云
刚性运动估计
的
表示法学习
Listen to the Image
听图像
Image Super-Resolution by Neural Texture Transfer
基于
神经纹理
传递
的
图像超分辨率
Conditional Adversarial Generative Flow for Controllable Image Synthesis
基于
条件对抗生成流
的
可控
图像合成
How to Make a Pizza: Learning a Compositional Layer-Based GAN Model
如何制作披萨:学习基于
合成层
的
GAN模型
TransGaGa: Geometry-Aware Unsupervised Image-To-Image Translation
TransGaGa:
几何感知
无监督
图像到图像的翻译
Depth-Attentional Features for Single-Image Rain Removal
基于
深度注意特征
的
单图像
雨水去除
Hyperspectral Image Reconstruction Using a Deep Spatial-Spectral Prior
基于
深度空-谱先验
的
高光谱图像重建
LiFF: Light Field Features in Scale and Depth
LiFF:在
尺度和深度上
的
光场特征
Deep Exemplar-Based Video Colorization
深度
基于示例
的
视频着色
On Finding Gray Pixels
关于
寻找灰色像素
UnOS: Unified Unsupervised Optical-Flow and Stereo-Depth Estimation by Watching Videos
UnOS:通过
观看视频
进行统一的
无监督
光流
和
立体深度
估计
Learning Transformation Synchronization
学习
转换同步
D2-Net: A Trainable CNN for Joint Description and Detection of Local Features
D2-Net:用于
联合
描述
和
检测
局部特征
的一个
可训练的CNN
Recurrent Neural Networks With Intra-Frame Iterations for Video Deblurring
视频
去模糊
的
帧内迭代
递归神经网络
Learning to Extract Flawless Slow Motion From Blurry Videos
学习
从模糊的视频
中
提取完美的
慢动作
Natural and Realistic Single Image Super-Resolution With Explicit Natural Manifold Discrimination
利用
显式的
自然流形识别
实现
自然与真实的
单图像
超分辨率
RF-Net: An End-To-End Image Matching Network Based on Receptive Field
RF-Net:基于
接收场
的
端到端
图像匹配
网络
Fast Single Image Reflection Suppression via Convex Optimization
基于
凸优化
的
快速单图像
反射抑制
A Mutual Learning Method for Salient Object Detection With Intertwined Multi-Supervision
一种
多监督交织
的
显著目标检测
互学习方法
Enhanced Pix2pix Dehazing Network
增强型Pix2Pix
去雾
网络
Assessing Personally Perceived Image Quality via Image Features and Collaborative Filtering
通过
图像特征
和
协同滤波
实现
个人感知
图像质量评估
Single Image Reflection Removal Exploiting Misaligned Training Data and Network Enhancements
利用
不对齐训练数据
和
网络增强
实现
单一
图像
反射消除
Exploring Context and Visual Pattern of Relationship for Scene Graph Generation
利用
关系
的
上下文
和
视觉模式
实现
场景图形
生成
Learning From Synthetic Data for Crowd Counting in the Wild
合成数据
学习
实现
野外
群体计数
A Local Block Coordinate Descent Algorithm for the CSC Model
CSC模型
的
局部
块坐标下降
算法
Not Using the Car to See the Sidewalk -- Quantifying and Controlling the Effects of Context in Classification and Segmentation
不使用汽车看人行道--在
分类
和
分割
中
量化
和
控制
上下文的影响
Discovering Fair Representations in the Data Domain
发现
数据域中
的
公平表示
Actor-Critic Instance Segmentation
演员评论
实例分割
Generalized Zero- and Few-Shot Learning via Aligned Variational Autoencoders
基于
变分自编码器
对齐
的
广义
零镜头
和
少镜头学习
Semantic Projection Network for Zero- and Few-Label Semantic Segmentation
零标签
和
少标签
语义分割
的
语义投影网络
零镜头或少镜头的语义分割,网络结构如图2
GCAN: Graph Convolutional Adversarial Network for Unsupervised Domain Adaptation
无监督
域适应
的
图卷积对抗网络
Seamless Scene Segmentation
无缝
场景分割
Unsupervised Image Matching and Object Discovery as Optimization
无监督
图像匹配
和
目标发现
优化
Wide-Area Crowd Counting via Ground-Plane Density Maps and Multi-View Fusion CNNs
通过
地面密度图
和
多视图融合CNN
实现
广域
人群计数
Show, Control and Tell: A Framework for Generating Controllable and Grounded Captions
显示、控制和讲述:
生成
可控
和
固定
字幕
的
框架
Towards VQA Models That Can Read
面向
可读取的
VQA模型
Object-Aware Aggregation With Bidirectional Temporal Graph for Video Captioning
基于双向时间图的
对象感知聚合
实现
视频字幕
Progressive Attention Memory Network for Movie Story Question Answering
基于
渐进式注意力记忆网络
的
电影故事问答
Memory-Attended Recurrent Network for Video Captioning
基于
内存参与
循环网络
的
视频字幕
Visual Query Answering by Entity-Attribute Graph Matching and Reasoning
基于
实体属性
图匹配
推理
的
视觉问答
Look Back and Predict Forward in Image Captioning
基于
回顾
与
预测
的
图像字幕
Explainable and Explicit Visual Reasoning Over Scene Graphs
基于
场景图
的
可解释
和
显式
视觉推理
Transfer Learning via Unsupervised Task Discovery for Visual Question Answering
通过
无监督任务发现
的
迁移学习
以进行
视觉问答
Intention Oriented Image Captions With Guiding Objects
带有
引导对象
的
意向性
图像标题
Uncertainty Guided Multi-Scale Residual Learning-Using a Cycle Spinning CNN for Single Image De-Raining
基于不确定性的
循环旋转CNN
多尺度残差学习
实现
单图像去雨
Toward Realistic Image Compositing With Adversarial Learning
基于
对抗学习
的
现实
图像组合
Cross-Classification Clustering: An Efficient Multi-Object Tracking Technique for 3-D Instance Segmentation in Connectomics
交叉分类聚类:一种
有效的连接体
三维实例分割
多目标跟踪技术
Deep ChArUco: Dark ChArUco Marker Pose Estimation
Deep ChArUco:基于
暗ChArUco标记
的
姿态估计
Pseudo-LiDAR From Visual Depth Estimation: Bridging the Gap in 3D Object Detection for Autonomous Driving
基于视觉深度估计的
伪激光雷达
:在
自主驾驶
的
三维目标检测
中架起
桥梁
Rules of the Road: Predicting Driving Behavior With a Convolutional Model of Semantic Interactions
道路规则:用
语义交互卷积
模型
预测
驾驶行为
Metric Learning for Image Registration
图像配准
的
度量学习
LO-Net: Deep Real-Time Lidar Odometry
LO-Net:
深度实时
激光雷达
里程计
TraPHic: Trajectory Prediction in Dense and Heterogeneous Traffic Using Weighted Interactions
TraPHic:基于
加权
相互作用
的
密集和非均匀交通中
的
轨道预测
World From Blur
模糊世界
Topology Reconstruction of Tree-Like Structure in Images via Structural Similarity Measure and Dominant Set Clustering
基于
结构相似性测度
和
优势集聚类
的
图像树型结构
拓扑重构
Pyramidal Person Re-IDentification via Multi-Loss Dynamic Training
基于
多损失动态训练
的
金字塔
人再识别
Holistic and Comprehensive Annotation of Clinically Significant Findings on Diverse CT Images: Learning From Radiology Reports and Label Ontology
对
不同CT图像
的
临床重要发现的
整体和全面注释
:从
放射学报告
和
标记本体学
学习
Robust Histopathology Image Analysis: To Label or to Synthesize?
鲁棒的
组织病理学
图像分析
:
贴标签
还是
合成
?
Data Augmentation Using Learned Transformations for One-Shot Medical Image Segmentation
利用
学习变换
进行
单镜头医学图像分割
的
数据增强
Shifting More Attention to Video Salient Object Detection
将更多的注意力转移到
视频
显著物体检测
上
Neural Task Graphs: Generalizing to Unseen Tasks From a Single Video Demonstration
神经任务图:
从单个视频演示中
归纳
为
未看到的任务
Beyond Tracking: Selecting Memory and Refining Poses for Deep Visual Odometry
超越追踪:利用
选择记忆
和
调整姿势
实现
深度
视觉里程计
Image Generation From Layout
从布局
生成图像
Multimodal Explanations by Predicting Counterfactuality in Videos
利用
视频中
反事实预测
实现
多模态解释
Learning to Explain With Complemental Examples
学习用
互补的例子
解释
HAQ: Hardware-Aware Automated Quantization With Mixed Precision
利用
混合精度
实现
硬件感知的
自动量化
Content Authentication for Neural Imaging Pipelines: End-To-End Optimization of Photo Provenance in Complex Distribution Channels
神经成像管道
的
内容认证
:
复杂分布通道
中
端到端的
光源优化
Inverse Procedural Modeling of Knitwear
针织品的
逆过程建模
Estimating 3D Motion and Forces of Person-Object Interactions From Monocular Video
从单目视频
估计
人-物交互的
三维运动和力
DeepMapping: Unsupervised Map Estimation From Multiple Point Clouds
DeepMapping:
多点云的
无监督
地图估计
End-To-End Interpretable Neural Motion Planner
端到端可解释
神经运动
规划器
Divergence Triangle for Joint Training of Generator Model, Energy-Based Model, and Inferential Model
基于
发散三角形
的
生成模型
、
能量模型
和
推理模型
联合训练
Image Deformation Meta-Networks for One-Shot Learning
基于
图像变形元网络
的
单镜头学习
Online High Rank Matrix Completion
在线
高阶
矩阵补全
Multispectral Imaging for Fine-Grained Recognition of Powders on Complex Backgrounds
复杂背景下
利用
多光谱成像
实现
粉末
的
细粒度识别
ContactDB: Analyzing and Predicting Grasp Contact via Thermal Imaging
ContactDB:通过
热成像
分析和预测
抓握接触
Robust Subspace Clustering With Independent and Piecewise Identically Distributed Noise Modeling
具有
独立
和
分段一致分布
噪声建模
的鲁棒
子空间聚类
What Correspondences Reveal About Unknown Camera and Motion Models?
关于
未知的摄像机
和
运动模型
,有什么
通讯揭示
?
Self-Calibrating Deep Photometric Stereo Networks
自校准深度
光度立体网络
Argoverse: 3D Tracking and Forecasting With Rich Maps
Argoverse:用
丰富的地图
进行
三维
跟踪
和
预测
Side Window Filtering
侧窗
滤波
一种保边缘/结构的滤波窗设计(图2)。将待处理的像素放到边缘(而不是中心)。这个方法有利于保边缘,但是降噪能力估计有所下降(根据公式4,若在平坦区,则必然下降)
Defense Against Adversarial Images Using Web-Scale Nearest-Neighbor Search
使用
网络规模的
最近邻搜索
防御敌对图像
Incremental Object Learning From Contiguous Views
从
相邻视图
进行
增量对象学习
IP102: A Large-Scale Benchmark Dataset for Insect Pest Recognition
IP102:
昆虫害虫识别
的
大规模基准数据集
CityFlow: A City-Scale Benchmark for Multi-Target Multi-Camera Vehicle Tracking and Re-Identification
CityFlow:
多目标多摄像机
车辆跟踪
与
再识别
的
城市尺度基准
Social-IQ: A Question Answering Benchmark for Artificial Social Intelligence
Social-IQ:
人工社会智能
的
问答基准
UPSNet: A Unified Panoptic Segmentation Network
统一
全光分割
网络
JSIS3D: Joint Semantic-Instance Segmentation of 3D Point Clouds With Multi-Task Pointwise Networks and Multi-Value Conditional Random Fields
JSIS3D:基于
多任务点态网络
和
多值条件随机域
的
三维点云
联合语义实例分割
Instance Segmentation by Jointly Optimizing Spatial Embeddings and Clustering Bandwidth
联合
优化空间嵌入
和
聚类带宽
的
实例分割
基于聚类的(proposal-free)实例分割方法的改进,如图2,两个分支,一个分支用于预测object center(seed branch),另一个分支用于使用object center来预测实例图。本文关注对于不同大小实例采用不同margin(传统方法为相同margin)的改进算法
DeepCO3: Deep Instance Co-Segmentation by Co-Peak Search and Co-Saliency Detection
DeepCO3:基于
共峰搜索
和
共显著性检测
的
深度
实例共分割
Improving Semantic Segmentation via Video Propagation and Label Relaxation
通过
视频传播
和
标签松弛
改进
语义分割
Accel: A Corrective Fusion Network for Efficient Semantic Segmentation on Video
一种用于
视频语义分割
的
校正融合网络
Shape2Motion: Joint Analysis of Motion Parts and Attributes From 3D Shapes
Shape2Motion:
三维形状的
运动部件
和
属性
的
联合分析
Semantic Correlation Promoted Shape-Variant Context for Segmentation
语义关联促进的
形状变量上下文
实现
分割
Relation-Shape Convolutional Neural Network for Point Cloud Analysis
基于
关系-形状
卷积神经网络
的
点云分析
Enhancing Diversity of Defocus Blur Detectors via Cross-Ensemble Network
利用
交叉-集成网络
提高
离焦模糊探测器
的
多样性
BubbleNets: Learning to Select the Guidance Frame in Video Object Segmentation by Deep Sorting Frames
BubbleNets:通过
深度排序帧
实现
视频对象分割中
的
制导帧选择学习
Collaborative Global-Local Networks for Memory-Efficient Segmentation of Ultra-High Resolution Images
用于
超高分辨率图像
内存高效分割
的
协作全局-局部网络
Efficient Parameter-Free Clustering Using First Neighbor Relations
基于
第一邻域关系
的
高效
无参数聚类
Learning Personalized Modular Network Guided by Structured Knowledge
基于
结构化知识
的
个性化
模块化网络
学习
A Generative Appearance Model for End-To-End Video Object Segmentation
端到端
视频
对象分割
的
生成性
外观模型
A Flexible Convolutional Solver for Fast Style Transfers
用于
快速
样式转换
的
灵活卷积求解器
Cross Domain Model Compression by Structurally Weight Sharing
基于
结构化权值共享
的
跨域
模型压缩
TraVeLGAN: Image-To-Image Translation by Transformation Vector Learning
TraVelGAN:通过
变换矢量学习
实现
图像-图像的翻译
Deep Robust Subjective Visual Property Prediction in Crowdsourcing
众包中的
深度鲁棒
主观
视觉特性
预测
Transferable AutoML by Model Sharing Over Grouped Datasets
分组数据集上
模型共享
实现
可转移AutoML
Learning Not to Learn: Training Deep Neural Networks With Biased Data
学习不学习:用
有偏数据
训练
深度神经网络
IRLAS: Inverse Reinforcement Learning for Architecture Search
IRLAS:
建筑搜索
的
逆强化学习
Learning for Single-Shot Confidence Calibration in Deep Neural Networks Through Stochastic Inferences
基于随机推理的
深度神经网络
实现
单镜头
置信度校正
学习
Attention-Based Adaptive Selection of Operations for Image Restoration in the Presence of Unknown Combined Distortions
在未知组合失真的情况下,
基于注意的
自适应选择
实现
图像复原
Fully Learnable Group Convolution for Acceleration of Deep Neural Networks
基于
完全可学习
群卷积
的
深度神经网络
加速
EIGEN: Ecologically-Inspired GENetic Approach for Neural Network Structure Searching From Scratch
神经网络结构
从头搜索
的
生态激励
遗传方法
Deep Incremental Hashing Network for Efficient Image Retrieval
基于
深度增量
哈希网络
的
高效
图像检索
Robustness via Curvature Regularization, and Vice Versa
通过
曲率正则化
的
鲁棒性
,反之亦然。
SparseFool: A Few Pixels Make a Big Difference
SparseFool:
几个像素
会产生
很大的差异
Interpretable and Fine-Grained Visual Explanations for Convolutional Neural Networks
卷积神经网络的
可解释
和
细粒度可视化解释
Structured Pruning of Neural Networks With Budget-Aware Regularization
基于
预算感知
正则化
的
神经网络
结构剪枝
MBS: Macroblock Scaling for CNN Model Reduction
MBS:基于
宏块缩放
的
CNN模型缩减
Fast Neural Architecture Search of Compact Semantic Segmentation Models via Auxiliary Cells
基于
辅助单元
的
紧凑
语义分割
模型的
快速
神经结构搜索
用于语义分割的神经网络结构搜索方法(图1)
Generating 3D Adversarial Point Clouds
生成三维
对抗点云
Partial Order Pruning: For Best Speed/Accuracy Trade-Off in Neural Architecture Search
部分顺序修剪:在
神经架构搜索
中实现
最佳速度/精度权衡
Memory in Memory: A Predictive Neural Network for Learning Higher-Order Non-Stationarity From Spatiotemporal Dynamics
记忆中的记忆:
从时空动力学中
学习高阶非平稳性
的
预测神经网络
Variational Information Distillation for Knowledge Transfer
基于
变分信息蒸馏
的
知识转移
You Look Twice: GaterNet for Dynamic Filter Selection in CNNs
你看了两遍:基于
GaterNet
的
CNNs
动态
过滤器
选择
SpherePHD: Applying CNNs on a Spherical PolyHeDron Representation of 360deg Images
SpherePHD:将
CNNs
应用于
360deg图像
的
球面多面体表示
ESPNetv2: A Light-Weight, Power Efficient, and General Purpose Convolutional Neural Network
ESPNetv2:一种
轻量
、
节能
、
通用
的
卷积神经网络
Assisted Excitation of Activations: A Learning Technique to Improve Object Detectors
激活的辅助激发
:一种
改进
目标检测器
的学习技术
Exploiting Edge Features for Graph Neural Networks
图神经网络
边缘特征
的开发
Propagation Mechanism for Deep and Wide Neural Networks
深度宽神经网络
的
传播机制
Catastrophic Child's Play: Easy to Perform, Hard to Defend Adversarial Attacks
灾难性的儿童游戏:
易于执行
,
难以防御
对抗性攻击
Embedding Complementary Deep Networks for Image Classification
基于
嵌入互补
深度网络
的
图像分类
Deep Multimodal Clustering for Unsupervised Audiovisual Learning
基于
深度
多模态聚类
的
无监督
视听学习
Dense Classification and Implanting for Few-Shot Learning
密集分类
和
植入技术
在
少镜头学习
中的应用
Class-Balanced Loss Based on Effective Number of Samples
基于
有效样本数
的
类平衡损失
Discovering Visual Patterns in Art Collections With Spatially-Consistent Feature Learning
利用
空间一致性
特征
学习发现
艺术藏品中的
视觉模式
Min-Max Statistical Alignment for Transfer Learning
基于
最小-最大
统计对齐
的
迁移学习
Spatial-Aware Graph Relation Network for Large-Scale Object Detection
基于
空间感知
图形关系网络
的
大规模
目标检测
Deformable ConvNets V2: More Deformable, Better Results
变形ConvNets v2
:变形性更强,效果更好
Interaction-And-Aggregation Network for Person Re-Identification
用于
人重识别
的
交互和聚合网络
Rare Event Detection Using Disentangled Representation Learning
基于
分离表示学习
的
罕见事件检测
Shape Robust Text Detection With Progressive Scale Expansion Network
基于
渐进式尺度扩展网络
的
形状鲁棒
文本检测
Dual Encoding for Zero-Example Video Retrieval
零示例
视频检索
的
双重编码
MaxpoolNMS: Getting Rid of NMS Bottlenecks in Two-Stage Object Detectors
MaxpoolNMS:消除
两阶段
目标检测器
中的
NMS瓶颈
Character Region Awareness for Text Detection
基于
字符区域意识
的
文本检测
Effective Aesthetics Prediction With Multi-Level Spatially Pooled Features
基于
多层次
空间池化特征
的
有效
美学预测
Attentive Region Embedding Network for Zero-Shot Learning
基于
专注区域嵌入网络
的
零镜头学习
Explicit Spatial Encoding for Deep Local Descriptors
基于
显式空间编码
的
深度局部描述符
Panoptic Segmentation
全光分割
You Reap What You Sow: Using Videos to Generate High Precision Object Proposals for Weakly-Supervised Object Detection
你得到你所播种的:使用
视频
生成
高精度目标建议
实现
弱监督
目标检测
Explore-Exploit Graph Traversal for Image Retrieval
探索利用
图遍历
进行
图像检索
Dissimilarity Coefficient Based Weakly Supervised Object Detection
基于
相异系数
的
弱监督
目标检测
Kernel Transformer Networks for Compact Spherical Convolution
基于
核变换网络
的
紧凑球形卷积
Object Detection With Location-Aware Deformable Convolution and Backward Attention Filtering
基于
位置感知的
可变形卷积
和
反向注意滤波
的
目标检测
Variational Prototyping-Encoder: One-Shot Learning With Prototypical Images
变分原型编码器:基于
原型图像
的
单镜头学习
Unsupervised Domain Adaptation Using Feature-Whitening and Consensus Loss
使用
特征白化
和
共识损失
的
无监督
域适应
FEELVOS: Fast End-To-End Embedding Learning for Video Object Segmentation
FEELVOS:
视频对象分割
的
快速端到端
嵌入学习
PartNet: A Recursive Part Decomposition Network for Fine-Grained and Hierarchical Shape Segmentation
PartNet:一种用于
细粒度层次
形状分割
的
递归零件分解网络
Learning Multi-Class Segmentations From Single-Class Datasets
从单类数据集
中学习
多类分割
Convolutional Recurrent Network for Road Boundary Extraction
用于
道路边界提取
的
卷积递归网络
DFANet: Deep Feature Aggregation for Real-Time Semantic Segmentation
面向
实时
语义分割
的
深度
特征聚合
网络结构如图3,分为子网络特征聚合和子阶段特征聚合(如图2),速度比较快(100FPS)
A Cross-Season Correspondence Dataset for Robust Semantic Segmentation
一种
鲁棒
语义分割
的
跨季节对应数据集
相同场景,不同季节的数据集,如图2,每对图像创建对应点
ManTra-Net: Manipulation Tracing Network for Detection and Localization of Image Forgeries With Anomalous Features
ManTra-Net:用于
检测和定位
具有异常特征的
图像伪造
的
操纵跟踪网
On Zero-Shot Recognition of Generic Objects
关于
一般对象的
零镜头识别
Explicit Bias Discovery in Visual Question Answering Models
视觉问答模型
中的
显式偏差发现
REPAIR: Removing Representation Bias by Dataset Resampling
REPAIR:通过
数据集重采样
消除表示偏差
Label Efficient Semi-Supervised Learning via Graph Filtering
基于
图过滤
的
标签高效
半监督学习
MVTec AD -- A Comprehensive Real-World Dataset for Unsupervised Anomaly Detection
MVTec AD——一个用于
无监督
异常检测
的
综合现实数据集
ABC: A Big CAD Model Dataset for Geometric Deep Learning
一个用于
几何深度学习
的
大型CAD模型数据集
Tightness-Aware Evaluation Protocol for Scene Text Detection
基于
紧密性感知
评估协议
的
场景
文本检测
PointConv: Deep Convolutional Networks on 3D Point Clouds
PointConv:
三维点云上的
深度卷积网络
Octree Guided CNN With Spherical Kernels for 3D Point Clouds
用于三维点云
的具有
球形核
的
八叉树引导的
CNN
VITAMIN-E: VIsual Tracking and MappINg With Extremely Dense Feature Points
VITAMIN-E:具有
极其密集特征点
的
视觉跟踪
和
绘图
Conditional Single-View Shape Generation for Multi-View Stereo Reconstruction
基于
条件单视图
形状生成
的
多视图
立体重建
Learning to Adapt for Stereo
基于
学习适应
的
立体
3D Appearance Super-Resolution With Deep Learning
基于
深度学习
的
三维外观
超分辨率
Radial Distortion Triangulation
径向畸变
三角测量
Robust Point Cloud Based Reconstruction of Large-Scale Outdoor Scenes
基于
点云
的
大规模室外场景重构
Minimal Solvers for Mini-Loop Closures in 3D Multi-Scan Alignment
三维多扫描对齐
中用于
微环闭合
的
最小解算器
Volumetric Capture of Humans With a Single RGBD Camera via Semi-Parametric Learning
通过
半参数学习
用
单台RGBD相机
对
人体进行
体积捕获
Joint Face Detection and Facial Motion Retargeting for Multiple Faces
联合
人脸检测
与
面部运动重定位
实现
多人脸
Monocular Depth Estimation Using Relative Depth Maps
基于
相对深度图
的
单目
深度估计
Unsupervised Primitive Discovery for Improved 3D Generative Modeling
基于
无监督原始发现
的
三维生成建模
改进
Learning to Explore Intrinsic Saliency for Stereoscopic Video
学习探索
立体视频的
内在
显著性
Spherical Regression: Learning Viewpoints, Surface Normals and 3D Rotations on N-Spheres
球面回归:
学习
N球体
上的
视点、曲面法线和三维旋转
Refine and Distill: Exploiting Cycle-Inconsistency and Knowledge Distillation for Unsupervised Monocular Depth Estimation
提炼:利用
周期不一致性
和
知识蒸馏
进行
无监督
单目深度估计
Learning View Priors for Single-View 3D Reconstruction
基于
视图优先级学习
的
单视图
三维重建
Geometry-Aware Symmetric Domain Adaptation for Monocular Depth Estimation
基于
几何感知对称
域自适应
的
单目
深度估计
Learning Monocular Depth Estimation Infusing Traditional Stereo Knowledge
注入
传统立体知识
的
单目
深度估计
学习
SIGNet: Semantic Instance Aided Unsupervised 3D Geometry Perception
语义实例辅助
的
无监督
三维几何感知
3D Guided Fine-Grained Face Manipulation
三维引导
的
细粒度
人脸操作
Neuro-Inspired Eye Tracking With Eye Movement Dynamics
利用
眼球运动动力学
进行
神经刺激的
眼球跟踪
Facial Emotion Distribution Learning by Exploiting Low-Rank Label Correlations Locally
利用
局部低阶
标签相关
进行
面部情绪
分布学习
Unsupervised Face Normalization With Extreme Pose and Expression in the Wild
利用
野外极端
姿势
和
表情
实现
无监督
人脸
标准化
Semantic Component Decomposition for Face Attribute Manipulation
基于
语义
成分分解
的
人脸属性
操作
R3 Adversarial Network for Cross Model Face Recognition
基于
R3对抗网络
的
跨模型
人脸识别
Disentangling Latent Hands for Image Synthesis and Pose Estimation
分离潜手
进行
图像合成
和
姿态估计
Generating Multiple Hypotheses for 3D Human Pose Estimation With Mixture Density Network
用
混合密度网络
实现
基于多假设生成的
三维
人体
姿态估计
CrossInfoNet: Multi-Task Information Sharing Based Hand Pose Estimation
CrossInfoNet:基于
多任务
信息共享
的
手势估计
P2SGrad: Refined Gradients for Optimizing Deep Face Models
P2SGrad:基于
梯度精化
的
深度
人脸模型
优化
Action Recognition From Single Timestamp Supervision in Untrimmed Videos
未剪辑视频中
单时间戳监督
的
动作识别
Time-Conditioned Action Anticipation in One Shot
时间条件下
的
单镜头
动作预期
Dance With Flow: Two-In-One Stream Action Detection
与流共舞:
二合一
流
动作检测
Representation Flow for Action Recognition
基于
表示流程
的
动作识别
LSTA: Long Short-Term Attention for Egocentric Action Recognition
基于
长期短期关注
的
自我中心
行为识别
Learning Actor Relation Graphs for Group Activity Recognition
基于
参与者
关系图
学习
的
群体
活动识别
A Structured Model for Action Detection
一种
结构化的
动作检测
模型
Out-Of-Distribution Detection for Generalized Zero-Shot Action Recognition
广义
零镜头
动作识别
的
失配检测
Object Discovery in Videos as Foreground Motion Clustering
作为
前景运动聚类
的
视频中的
对象发现
Towards Natural and Accurate Future Motion Prediction of Humans and Animals
人类
和
动物
的
自然和准确
的
未来运动
预测
Automatic Face Aging in Videos via Deep Reinforcement Learning
通过
深度强化学习
实现
视频中的
自动面部老化
Multi-Adversarial Discriminative Deep Domain Generalization for Face Presentation Attack Detection
面向
人脸显示攻击
检测
的
多对抗识别
深度域生成
A Content Transformation Block for Image Style Transfer
基于
内容转换块
的
图像
样式转换
BeautyGlow: On-Demand Makeup Transfer Framework With Reversible Generative Network
BeautyGlow:具有
可逆生成网络
的
按需补给
传输框架
Style Transfer by Relaxed Optimal Transport and Self-Similarity
基于
松弛最优传输
和
自相似
的
风格转换
Inserting Videos Into Videos
将视频
插入
视频
Learning Image and Video Compression Through Spatial-Temporal Energy Compaction
基于
时空能量压缩
的
图像
和
视频压缩
学习
Event-Based High Dynamic Range Image and Very High Frame Rate Video Generation Using Conditional Generative Adversarial Networks
利用
条件GAN
实现
基于事件的
高动态范围
图像
和高帧速率
视频生成
Enhancing TripleGAN for Semi-Supervised Conditional Instance Synthesis and Classification
基于
增强TripleGAN
的
半监督
条件实例合成
与
分类
Capture, Learning, and Synthesis of 3D Speaking Styles
捕捉
、
学习
和
合成
3D口语风格
Nesti-Net: Normal Estimation for Unstructured 3D Point Clouds Using Convolutional Neural Networks
用
卷积神经网络
对
非结构化三维点云
的正态估计
Ray-Space Projection Model for Light Field Camera
基于
光线空间
投影模型
的
光场相机
Deep Geometric Prior for Surface Reconstruction
基于
深度几何先验
的
表面重建
Analysis of Feature Visibility in Non-Line-Of-Sight Measurements
非视线测量中
特征可见度
的分析
Hyperspectral Imaging With Random Printed Mask
基于
随机打印掩模
的
高光谱成像
All-Weather Deep Outdoor Lighting Estimation
全天候深度
室外
照明估算
A Variational EM Framework With Adaptive Edge Selection for Blind Motion Deblurring
基于自适应边缘选择的
变分EM框架
实现
盲
运动去模糊
Viewport Proposal CNN for 360deg Video Quality Assessment
视区建议CNN
进行
360deg
视频质量评估
Beyond Gradient Descent for Regularized Segmentation Losses
超越梯度下降
实现
正则化
分割损失
MAGSAC: Marginalizing Sample Consensus
MAGSAC:将
样本共识
边缘化
Understanding and Visualizing Deep Visual Saliency Models
深度
视觉显著性
模型
的
理解和可视化
Divergence Prior and Vessel-Tree Reconstruction
散度先验
与
血管树重建
Unsupervised Domain-Specific Deblurring via Disentangled Representations
通过
分离表示
的无监督
特定域
去模糊
Douglas-Rachford Networks: Learning Both the Image Prior and Data Fidelity Terms for Blind Image Deconvolution
Douglas-Rachford网:基于
图像先验
和
数据保真度
学习
的
盲图像
反卷积
Speed Invariant Time Surface for Learning to Detect Corner Points With Event-Based Cameras
利用
速度不变
时间曲面
实现
基于事件摄像机的
角点检测
Training Deep Learning Based Image Denoisers From Undersampled Measurements Without Ground Truth and Without Image Prior
没有GroundTruth和图像先验的情况下
,利用
欠采样测量
实现
基于深度学习的
图像降噪
。
D-AMP
,利用
降噪器
来帮助恢复CS图像(Algo.1)。
LD-AMP
,利用
深度学习降噪
(DnCNN)替换传统降噪器(如BM3D),因此称为Learning D-AMP。但是需要GT图像
MC-Stein无偏估计
,利用无偏估计,
替换真正的MSE,从而无需GT。
本文即为LD-AMP + MC-Stein无偏估计的组合
,从而实现基于深度学习,但无需GT的CS图像恢复算法(Algo.2)
A Variational Pan-Sharpening With Local Gradient Constraints
基于
局部梯度约束
的
变分平移锐化
F-VAEGAN-D2: A Feature Generating Framework for Any-Shot Learning
F-VAEGAN-D2:一个用于
任意镜头学习
的
特征生成
框架
Sliced Wasserstein Discrepancy for Unsupervised Domain Adaptation
基于
Wasserstein切片差异
的
无监督
域适应
Graph Attention Convolution for Point Cloud Semantic Segmentation
基于
图形注意卷积
的
点云
语义分割
Normalized Diversification
规范化
多元化
Learning to Localize Through Compressed Binary Maps
学习通过
压缩二进制地图
实现
定位学习
A Parametric Top-View Representation of Complex Road Scenes
复杂道路场景的参数化顶视图表示
Self-Supervised Spatiotemporal Learning via Video Clip Order Prediction
基于
视频剪辑
顺序预测
的
自监督
时空学习
Superquadrics Revisited: Learning 3D Shape Parsing Beyond Cuboids
超四次曲面再探讨:学习
立方体以外的
三维形状解析
Unsupervised Disentangling of Appearance and Geometry by Deformable Generator Network
利用
变形生成网络
实现
外观
和
几何
的无监督
分离
Self-Supervised Representation Learning by Rotation Feature Decoupling
基于
旋转特征解耦
的
自监督
表示学习
Weakly Supervised Deep Image Hashing Through Tag Embeddings
通过
标记嵌入
的
弱监督深度
图像散列
Improved Road Connectivity by Joint Learning of Orientation and Segmentation
通过
方向
和
分割
的
联合学习
实现
道路连通性
的改善
Deep Supervised Cross-Modal Retrieval
深度监督
跨模式检索
A Theoretically Sound Upper Bound on the Triplet Loss for Improving the Efficiency of Deep Distance Metric Learning
三重损失
理论上合理的上界
对
提高深度
距离度量学习
效率
的作用
Data Representation and Learning With Graph Diffusion-Embedding Networks
基于
图扩散-嵌入网络
的
数据表示与学习
Video Relationship Reasoning Using Gated Spatio-Temporal Energy Graph
基于
门控
时空能量图
的
视频关系
推理
Image-Question-Answer Synergistic Network for Visual Dialog
基于
图像问答协同网络
的
视觉对话
Not All Frames Are Equal: Weakly-Supervised Video Grounding With Contextual Similarity and Visual Clustering Losses
并非所有帧都相同:基于
上下文相似
和
视觉聚类损失
的
弱监督
视频背景估计
background estimation problem for videos captured by moving cameras, referred to as video grounding
https://team.inria.fr/perception/research/cvvt2013/
Inverse Cooking: Recipe Generation From Food Images
逆向烹饪:
从食物图像
中
生成食谱
Adversarial Semantic Alignment for Improved Image Captions
基于
对抗性
语义对齐
的
图像标注
改进
Answer Them All! Toward Universal Visual Question Answering Models
全部回答!面向
通用
视觉问答
模型
Unsupervised Multi-Modal Neural Machine Translation
无监督
多模神经
机器翻译
Multi-Task Learning of Hierarchical Vision-Language Representation
层次
视觉语言表示
的
多任务学习
Cross-Modal Self-Attention Network for Referring Image Segmentation
用于
参考
图像分割
的
跨模态
自注意网络
DuDoNet: Dual Domain Network for CT Metal Artifact Reduction
DuDoNet:基于
双域网络
的
CT金属
伪影消除
Fast Spatio-Temporal Residual Network for Video Super-Resolution
基于
快速时空
残差网络
的
视频超分辨率
Complete the Look: Scene-Based Complementary Product Recommendation
完成外观:基于
场景
的
补充产品推荐
Selective Sensor Fusion for Neural Visual-Inertial Odometry
基于
选择性传感器融合
的
神经
视觉惯性里程计
Look More Than Once: An Accurate Detector for Text of Arbitrary Shapes
不止一次看:
任意形状
文本
的精确
检测
器
Learning Binary Code for Personalized Fashion Recommendation
基于
二进制代码学习
的
个性化
时尚推荐
Attention Based Glaucoma Detection: A Large-Scale Database and CNN Model
基于注意的
青光眼检测
:
大型数据库
和
CNN模型
Privacy Protection in Street-View Panoramas Using Depth and Multi-View Imagery
使用
深度
和
多视图图像
的
街景全景中的
隐私保护
Grounding Human-To-Vehicle Advice for Self-Driving Vehicles
自动驾驶车辆的
人-车建议接地
Multi-Step Prediction of Occupancy Grid Maps With Recurrent Neural Networks
基于
递归神经网络
的
占用率网格图
多步预测
Connecting Touch and Vision via Cross-Modal Prediction
通过
跨模式预测
连接
触摸
和
视觉
X2CT-GAN: Reconstructing CT From Biplanar X-Rays With Generative Adversarial Networks
X2CT-GAN:用
GAN
从双平面X射线
重建CT
Practical Full Resolution Learned Lossless Image Compression
实用的
全分辨率学习
无损图像压缩
Image-To-Image Translation via Group-Wise Deep Whitening-And-Coloring Transformation
基于
群体式深度
美白和着色变换
的
图像-图像翻译
Max-Sliced Wasserstein Distance and Its Use for GANs
最大切块Wasserstein距离
及其在
GAN
上的应用
Meta-Learning With Differentiable Convex Optimization
基于
可微凸优化
的
元学习
RePr: Improved Training of Convolutional Filters
卷积滤波器
的
改进训练
Tangent-Normal Adversarial Regularization for Semi-Supervised Learning
正切正态对抗正则化
的
半监督学习
Auto-Encoding Scene Graphs for Image Captioning
基于
自编码场景图
的
图像字幕
Fast, Diverse and Accurate Image Captioning Guided by Part-Of-Speech
部分语音
引导
下
快速、多样、准确的
图像字幕
Attention Branch Network: Learning of Attention Mechanism for Visual Explanation
注意力分支网络:基于
注意力机制学习
的
视觉解释
Cascaded Projection: End-To-End Network Compression and Acceleration
级联投影:端到端
网络
压缩
和
加速
DeepCaps: Going Deeper With Capsule Networks
DeepCaps:
胶囊网络
的深入发展
FBNet: Hardware-Aware Efficient ConvNet Design via Differentiable Neural Architecture Search
基于
可微神经结构搜索
的
硬件感知高效
ConvNet
设计
APDrawingGAN: Generating Artistic Portrait Drawings From Face Photos With Hierarchical GANs
APDrawingGAN:利用
层级GAN
实现
由面部照片
生成
艺术肖像画
Constrained Generative Adversarial Networks for Interactive Image Generation
用于
交互式
图像生成
的
约束GAN
WarpGAN: Automatic Caricature Generation
WarpGAN
:
自动漫画生成
Explainability Methods for Graph Convolutional Neural Networks
图卷积神经网络
的
可解释性方法
A Generative Adversarial Density Estimator
一种
生成对抗
密度估计
SoDeep: A Sorting Deep Net to Learn Ranking Loss Surrogates
SoDeep:一个
排序深度网
,用于
学习
排名损失
代理
High-Quality Face Capture Using Anatomical Muscles
使用
解剖肌肉
进行
高质量
面部捕捉
FML: Face Model Learning From Videos
从视频中
学习面部模型
AdaCos: Adaptively Scaling Cosine Logits for Effectively Learning Deep Face Representations
AdaCos:
自适应
缩放余弦逻辑
实现以
深度
人脸表示
的有效学习
3D Hand Shape and Pose Estimation From a Single RGB Image
单个RGB图像的
三维
手形
和
姿势估计
3D Hand Shape and Pose From Images in the Wild
从野外图像中
获取的
三维
手形
和
姿势
Self-Supervised 3D Hand Pose Estimation Through Training by Fitting
基于
拟合训练
的
自监督
三维
手部姿态估计
CrowdPose: Efficient Crowded Scenes Pose Estimation and a New Benchmark
CrowdPose:有效的
拥挤场景
姿态估计
和
新的基准
Towards Social Artificial Intelligence: Nonverbal Social Signal Prediction in a Triadic Interaction
面向社会人工智能:
三元交互中
的
非语言
社会信号
预测
HoloPose: Holistic 3D Human Reconstruction In-The-Wild
HoloPose:野外
整体
三维人体重建
Weakly-Supervised Discovery of Geometry-Aware Representation for 3D Human Pose Estimation
基于
几何感知表示
的
三维
人体姿态
估计
的
弱监督发现
In the Wild Human Pose Estimation Using Explicit 2D Features and Intermediate 3D Representations
基于
显式
二维特征
和
中间
三维表示
的
野生
人体姿态估计
Slim DensePose: Thrifty Learning From Sparse Annotations and Motion Cues
Slim DensePose:从
稀疏的注释
和
运动提示
中
节俭地学习
Self-Supervised Representation Learning From Videos for Facial Action Unit Detection
基于
视频自监督
表示学习
的
面部动作单元
检测
Combining 3D Morphable Models: A Large Scale Face-And-Head Model
组合
三维可变形模型
:大型
面和头部模型
Boosting Local Shape Matching for Dense 3D Face Correspondence
增强局部
形状匹配
实现
密集三维
人脸对应
Unsupervised Part-Based Disentangling of Object Shape and Appearance
无监督
基于部分的
物体
形状
和
外观
分离
Monocular Total Capture: Posing Face, Body, and Hands in the Wild
单眼全捕获:
在野外
摆出
面部
、
身体
和
手
的姿势
Expressive Body Capture: 3D Hands, Face, and Body From a Single Image
富有表现力的
身体捕捉
:来自单个图像的
3D
手
、
脸
和
身体
Neural RGB(r)D Sensing: Depth and Uncertainty From a Video Camera
神经RGB(R)D感知:
来自摄像机的
深度
和
不确定性
DAVANet: Stereo Deblurring With View Aggregation
DAVANe
t:基于
视图聚合
的
立体去模糊
DVC: An End-To-End Deep Video Compression Framework
端到端深度
视频压缩
框架
SOSNet: Second Order Similarity Regularization for Local Descriptor Learning
基于
二阶相似正则化
的
局部描述符
学习
"Double-DIP": Unsupervised Image Decomposition via Coupled Deep-Image-Priors
“Double-DIP”:通过
耦合深图像先验
进行
无监督
图像分解
Unprocessing Images for Learned Raw Denoising
未处理图像
用于
原始去噪学习
Residual Networks for Light Field Image Super-Resolution
基于
残差网络
的
光场图像
超分辨率
Modulating Image Restoration With Continual Levels via Adaptive Feature Modification Layers
基于
自适应特征修正层
的
连续水平
调制图像恢复
Second-Order Attention Network for Single Image Super-Resolution
基于
二阶注意网络
的
单图像
超分辨率
Devil Is in the Edges: Learning Semantic Boundaries From Noisy Annotations
魔鬼在边缘:
从嘈杂的注释
中
学习
语义边界
Path-Invariant Map Networks
路径不变
映射网络
FilterReg: Robust and Efficient Probabilistic Point-Set Registration Using Gaussian Filter and Twist Parameterization
FilterReg:基于
高斯滤波
和
扭曲参数化
的
鲁棒高效
概率
点集配准
Probabilistic Permutation Synchronization Using the Riemannian Structure of the Birkhoff Polytope
基于
Birkhoff多面体
黎曼结构
的
概率
置换同步
Lifting Vectorial Variational Problems: A Natural Formulation Based on Geometric Measure Theory and Discrete Exterior Calculus
提升向量变分问题:基于
几何测度理论
和
离散外部微积分
的
自然公式
A Sufficient Condition for Convergences of Adam and RMSProp
Adam
与
RMSProp
收敛
的一个
充分条件
Guaranteed Matrix Completion Under Multiple Linear Transformations
多重线性变换
下的
保证
矩阵完备
MAP Inference via Block-Coordinate Frank-Wolfe Algorithm
基于
块坐标Frank-Wolfe算法
的
最大后验推断
A Convex Relaxation for Multi-Graph Matching
基于
凸松弛
的
多图匹配
Pixel-Adaptive Convolutional Neural Networks
像素自适应
卷积神经网络
Single-Frame Regularization for Temporally Stable CNNs
基于
单帧正则化
的
时域稳定CNN
An End-To-End Network for Generating Social Relationship Graphs
用于
社会关系图
生成
的
端到端网络
Meta-Learning Convolutional Neural Architectures for Multi-Target Concrete Defect Classification With the COncrete DEfect BRidge IMage Dataset
元学习
卷积神经结构
实现
基于混凝土缺陷桥图像集
的
多目标混凝土
缺陷分类
ECC: Platform-Independent Energy-Constrained Deep Neural Network Compression via a Bilinear Regression Model
基于
双线性回归模型
的
平台独立能量约束
深度神经网络压缩
SeerNet: Predicting Convolutional Neural Network Feature-Map Sparsity Through Low-Bit Quantization
SeerNet:通过
低比特量化
预测
卷积神经网络特征图
稀疏性
Defending Against Adversarial Attacks by Randomized Diversification
通过
随机多样化
防御
对抗性攻击
Rob-GAN: Generator, Discriminator, and Adversarial Attacker
Rob-GAN
:
生成器
、
判别器
和
对抗攻击者
Learning From Noisy Labels by Regularized Estimation of Annotator Confusion
用注释器混淆的
正则化估计
从噪声标签中
学习
Task-Free Continual Learning
无任务
连续学习
Importance Estimation for Neural Network Pruning
基于
重要性估计
的
神经网络
剪枝
Detecting Overfitting of Deep Generative Networks via Latent Recovery
通过
潜在恢复
检测
深度生成网络的
过拟合
Coloring With Limited Data: Few-Shot Colorization via Memory Augmented Networks
有限数据着色:通过
内存增强网络
实现
少镜头着色
Characterizing and Avoiding Negative Transfer
表征
和
避免
负迁移
Building Efficient Deep Neural Networks With Unitary Group Convolutions
利用
一元群卷积
构造
高效
的
深度神经网络
Semi-Supervised Learning With Graph Learning-Convolutional Networks
基于
图学习
卷积网络
的
半监督学习
Learning to Remember: A Synaptic Plasticity Driven Framework for Continual Learning
学习记忆:基于
突触可塑性
驱动框架
的
持续学习
AIRD: Adversarial Learning Framework for Image Repurposing Detection
图像再定位检测
的
对抗性学习框架
A Kernelized Manifold Mapping to Diminish the Effect of Adversarial Perturbations
基于
核化
流形映射
的
对抗性扰动
影响减少
Trust Region Based Adversarial Attack on Neural Networks
基于
信任域
的
神经网络
对抗攻击
PEPSI : Fast Image Inpainting With Parallel Decoding Network
PEPSI:基于
并行
解码网络
的
快速
图像修复
Model-Blind Video Denoising via Frame-To-Frame Training
基于
帧对帧训练
的
盲模型
视频去噪
End-To-End Efficient Representation Learning via Cascading Combinatorial Optimization
基于
级联组合优化
的
端到端高效
表示学习
Sim-Real Joint Reinforcement Transfer for 3D Indoor Navigation
用于
三维室内导航
的
仿真实节点
强化传输
ChamNet: Towards Efficient Network Design Through Platform-Aware Model Adaptation
ChamNet:通过
平台感知
模型自适应
实现
高效网络设计
Regularizing Activation Distribution for Training Binarized Deep Networks
基于
正则化激活分布
的
二值化深度网络
训练
Robustness Verification of Classification Deep Neural Networks via Linear Programming
基于
线性规划
的
分类深度神经网络
鲁棒性验证
Additive Adversarial Learning for Unbiased Authentication
无偏认证
的
加性对抗学习
Simultaneously Optimizing Weight and Quantizer of Ternary Neural Network Using Truncated Gaussian Approximation
用
截断高斯近似
同时
优化
三元神经网络
的
权值
和
量化器
Adversarial Defense by Stratified Convolutional Sparse Coding
分层
卷积稀疏编码
的
对抗性防御
Exploring Object Relation in Mean Teacher for Cross-Domain Detection
利用
中值教师中
目标关系
实现
跨域检测
Hierarchical Disentanglement of Discriminative Latent Features for Zero-Shot Learning
判决潜在特征的
层次分离
实现
零镜头学习
R2GAN: Cross-Modal Recipe Retrieval With Generative Adversarial Network
R2GAN:基于
生成对抗网络
的
跨模式
配方检索
Rethinking Knowledge Graph Propagation for Zero-Shot Learning
基于
知识图传播
的
零镜头学习
中的
再思考
Learning to Learn Image Classifiers With Visual Analogy
基于
视觉类比
的
图像分类器
学习
Where's Wally Now? Deep Generative and Discriminative Embeddings for Novelty Detection
Wally现在在哪里?基于
深度
生成
和
判别
嵌入
的
新颖性检测
Weakly Supervised Image Classification Through Noise Regularization
基于
噪声正则化
的
弱监督
图像分类
Data-Driven Neuron Allocation for Scale Aggregation Networks
基于
数据驱动
神经元分配
的
尺度聚合网络
Graphical Contrastive Losses for Scene Graph Parsing
用于
场景图分析
的
图形对比损失
Deep Transfer Learning for Multiple Class Novelty Detection
基于
深度迁移学习
的
多类别新颖性检测
QATM: Quality-Aware Template Matching for Deep Learning
QATM:基于
质量感知
模板匹配
的
深度学习
Retrieval-Augmented Convolutional Neural Networks Against Adversarial Examples
基于
检索增强
卷积神经网络
的
反对抗样例
Learning Cross-Modal Embeddings With Adversarial Networks for Cooking Recipes and Food Images
基于对抗网络的
跨模式
嵌入学习
实现
烹饪食谱
和
食物图像
FastDraw: Addressing the Long Tail of Lane Detection by Adapting a Sequential Prediction Network
FastDraw:通过采用
顺序预测网络
解决
车道检测
的长尾问题
Weakly Supervised Video Moment Retrieval From Text Queries
基于
文本查询
的
弱监督
视频片段检索
Content-Aware Multi-Level Guidance for Interactive Instance Segmentation
基于
内容感知
多级指导
的
交互式
实例分割
Greedy Structure Learning of Hierarchical Compositional Models
层次组合模型
的
贪婪结构学习
Interactive Full Image Segmentation by Considering All Regions Jointly
综合考虑所有区域
的
交互式
全图像分割
Learning Active Contour Models for Medical Image Segmentation
医学图像分割
中
主动轮廓模型
的学习
Customizable Architecture Search for Semantic Segmentation
基于
可定制体系结构搜索
的
语义分割
强调
可定制
,即用户输入条件(限制),搜索满足用户条件的轻量级的网络结构。
其条件(限制)体现在自定义的损失函数中。
Local Features and Visual Words Emerge in Activations
激活
中
局部特征
和
视觉词汇
的
出现
Hyperspectral Image Super-Resolution With Optimized RGB Guidance
基于
优化RGB制导
的
高光谱图像
超分辨率
Adaptive Confidence Smoothing for Generalized Zero-Shot Learning
基于
自适应
置信平滑
的
广义
零镜头学习
PMS-Net: Robust Haze Removal Based on Patch Map for Single Images
PMS网络:基于
Patch图
的
鲁棒
单图像雾去除
Deep Spherical Quantization for Image Search
基于
深度
球面量化
的
图像搜索
Large-Scale Interactive Object Segmentation With Human Annotators
带人工注释器的大规模交互式对象分割
A Poisson-Gaussian Denoising Dataset With Real Fluorescence Microscopy Images
基于
真实
荧光显微镜
图像
的
泊松高斯去噪
数据集
Task Agnostic Meta-Learning for Few-Shot Learning
基于
任务不可知
元学习
的
少镜头学习
Progressive Ensemble Networks for Zero-Shot Recognition
基于
渐进集成网络
的
零镜头识别
Direct Object Recognition Without Line-Of-Sight Using Optical Coherence
利用
光学相干
直接
识别
无视线物体
Atlas of Digital Pathology: A Generalized Hierarchical Histological Tissue Type-Annotated Database for Deep Learning
数字病理学图集:
深度学习
的
广义层次
组织类型注释
数据库
Perturbation Analysis of the 8-Point Algorithm: A Case Study for Wide FoV Cameras
8点算法的扰动分析:
宽FoV摄像机
的
一个实例
研究
Robustness of 3D Deep Learning in an Adversarial Setting
对抗环境下
三维深度学习
的
鲁棒性
SceneCode: Monocular Dense Semantic Reconstruction Using Learned Encoded Scene Representations
SceneCode:基于
学习编码
场景表示
的
单目密集
语义重建
StereoDRNet: Dilated Residual StereoNet
StereoDRNet:
扩张的
残差立体网
流程框架见图2
,文中在特征抽取、CostFiltering、回归、精化等几个子模块都有改进,主要有:
1. DR:
CostFiltering
中使用
扩张卷积
和
残差
2. 特征抽取中使用
Vortex池化
3. 精化阶段不仅考虑
光度误差
(公式4),同时考虑
几何误差
(公式5)
详细可见Contribution 中介绍
The Alignment of the Spheres: Globally-Optimal Spherical Mixture Alignment for Camera Pose Estimation
球面对齐:基于
全局最优球面
混合对齐
的
相机姿态估计
Learning Joint Reconstruction of Hands and Manipulated Objects
手
和
被操纵物体
的
关节重建
学习
Deep Single Image Camera Calibration With Radial Distortion
具有
径向畸变
的深度
单像
摄像机标定
CAM-Convs: Camera-Aware Multi-Scale Convolutions for Single-View Depth
CAM-Convs:基于
摄像机感知
多尺度卷积
的
单视图
深度
Translate-to-Recognize Networks for RGB-D Scene Recognition
基于
转换到识别网络
的
RGB-D
场景识别
Re-Identification Supervised Texture Generation
基于
重新识别监督
的
纹理生成
Action4D: Online Action Recognition in the Crowd and Clutter
Action4D:
人群和混乱中
的
在线
动作识别
Monocular 3D Object Detection Leveraging Accurate Proposals and Shape Reconstruction
利用
精确建议
和
形状重建
的
单目
三维目标检测
Attribute-Aware Face Aging With Wavelet-Based Generative Adversarial Networks
利用
基于小波的GAN
实现
属性感知
人脸老化
Noise-Tolerant Paradigm for Training Face Recognition CNNs
利用
抗噪声范式
实现
人脸识别
CNN
训练
Low-Rank Laplacian-Uniform Mixed Model for Robust Face Recognition
用于
稳健
人脸识别
的
低秩
拉普拉斯-均匀
混合模型
Generalizing Eye Tracking With Bayesian Adversarial Learning
基于
贝叶斯逆学习
的
广义
眼跟踪
Local Relationship Learning With Person-Specific Shape Regularization for Facial Action Unit Detection
基于特定人形状正则化的
局部关系学习
实现
人脸动作单元
检测
Point-To-Pose Voting Based Hand Pose Estimation Using Residual Permutation Equivariant Layer
利用
残差排列等变层
实现
基于点对位置投票
的
手位估计
Improving Few-Shot User-Specific Gaze Adaptation via Gaze Redirection Synthesis
通过
注视重定向合成
改进
少镜头用户特定的
注视适应
AdaptiveFace: Adaptive Margin and Sampling for Face Recognition
AdaptiveFace:用于
人脸识别
的
自适应
边缘
和
采样
Disentangled Representation Learning for 3D Face Shape
三维人脸形状
的
分离
表示学习
LBS Autoencoder: Self-Supervised Fitting of Articulated Meshes to Point Clouds
LBS自编码器
:
连接
网格
到
点云
的
自监督
拟合
PifPaf: Composite Fields for Human Pose Estimation
基于
复合场
的
人体姿态
估计
TACNet: Transition-Aware Context Network for Spatio-Temporal Action Detection
基于
过渡感知上下文网络
的
时空行为检测
Learning Regularity in Skeleton Trajectories for Anomaly Detection in Videos
基于
骨架轨迹规则
学习
的
视频
异常检测
Local Temporal Bilinear Pooling for Fine-Grained Action Parsing
用于
细粒度
动作分析
的
局部时间
双线性池化
Improving Action Localization by Progressive Cross-Stream Cooperation
通过
渐进式
跨流合作
实现
行动定位
的改进
Two-Stream Adaptive Graph Convolutional Networks for Skeleton-Based Action Recognition
双流自适应
图卷积网络
实现
基于骨架的
动作识别
A Neural Network Based on SPD Manifold Learning for Skeleton-Based Hand Gesture Recognition
基于神经网络的
SPD流形学习
实现
基于骨架的
手势识别
Large-Scale Weakly-Supervised Pre-Training for Video Action Recognition
大规模弱监督预训练
实现
视频
动作识别
Learning Spatio-Temporal Representation With Local and Global Diffusion
利用
局部和全局
扩散
实现
时空表示
学习
Unsupervised Learning of Action Classes With Continuous Temporal Embedding
利用
连续时间嵌入
实现
动作类别
的无监督学习
Double Nuclear Norm Based Low Rank Representation on Grassmann Manifolds for Clustering
Grassmann流形上
基于双核范数的
低秩表示
的
聚类
SR-LSTM: State Refinement for LSTM Towards Pedestrian Trajectory Prediction
SR-LSTM:基于
LSTM状态精化
的
行人轨迹
预测
Unsupervised Deep Epipolar Flow for Stationary or Dynamic Scenes
基于
无监督深度极线流
的
静止或动态场景
An Efficient Schmidt-EKF for 3D Visual-Inertial SLAM
一种用于
三维
视觉惯性SLAM
的
高效Schmidt-EKF
A Neural Temporal Model for Human Motion Prediction
人类
运动预测
的
神经时间模型
Multi-Agent Tensor Fusion for Contextual Trajectory Prediction
上下文
轨迹预测
的
多智能体
张量融合
Coordinate-Based Texture Inpainting for Pose-Guided Human Image Generation
基于坐标的
纹理修补
实现
姿态引导的
人体图像生成
On Stabilizing Generative Adversarial Training With Noise
通过
噪声
实现
生成对抗训练
稳定
Self-Supervised GANs via Auxiliary Rotation Loss
基于
辅助旋转损失
的
自监督
GAN
Texture Mixer: A Network for Controllable Synthesis and Interpolation of Texture
纹理混合:一种
纹理
的可控
合成
和
插值
网络
Object-Driven Text-To-Image Synthesis via Adversarial Training
通过
对抗性训练
实现
对象驱动的
文本-图像合成
Zoom-In-To-Check: Boosting Video Interpolation via Instance-Level Discrimination
放大检查:通过
实例级判别
增强
视频插值
Disentangling Latent Space for VAE by Label Relevant/Irrelevant Dimensions
通过
标签相关/不相关维度
分离出
VAE的潜在空间
Spectral Reconstruction From Dispersive Blur: A Novel Light Efficient Spectral Imager
色散模糊的
光谱重建
:一种新型的光效
光谱成像仪
Quasi-Unsupervised Color Constancy
准无监督
颜色恒常性
Deep Defocus Map Estimation Using Domain Adaptation
基于
域自适
的
深度
失焦图
估计
Using Unknown Occluders to Recover Hidden Scenes
使用
未知遮挡物
恢复隐藏场景
Competitive Collaboration: Joint Unsupervised Learning of Depth, Camera Motion, Optical Flow and Motion Segmentation
竞争协作:
深度
、
相机运动
、
光流
和
运动分割
的
联合无监督学习
Learning Parallax Attention for Stereo Image Super-Resolution
基于
视差注意
学习
的
立体图像
超分辨率
Knowing When to Stop: Evaluation and Verification of Conformity to Output-Size Specifications
知道何时停止:
符合输出尺寸规格
的
评估和验证
Spatial Attentive Single-Image Deraining With a High Quality Real Rain Dataset
用
高质量的真实雨量数据集
实现
基于空间注意的
单一
图像去雨
Focus Is All You Need: Loss Functions for Event-Based Vision
专注是你所需要的:
基于事件的
视觉
的
损失函数
Scalable Convolutional Neural Network for Image Compressed Sensing
基于
可伸缩
卷积神经网络
的
图像压缩感知
Event Cameras, Contrast Maximization and Reward Functions: An Analysis
事件摄像头
、
对比度最大化
和
奖励功能
:分析
Convolutional Neural Networks Can Be Deceived by Visual Illusions
卷积神经网络
可能
被
视觉错觉
欺骗
。
PDE Acceleration for Active Contours
基于
PDE加速
的
主动轮廓
Dichromatic Model Based Temporal Color Constancy for AC Light Sources
基于
双色模型
的
AC光源
时域颜色恒定性
Semantic Attribute Matching Networks
语义属性匹配
网络
Skin-Based Identification From Multispectral Image Data Using CNNs
利用
CNN
实现
多光谱图像基于皮肤的
识别
Large-Scale Distributed Second-Order Optimization Using Kronecker-Factored Approximate Curvature for Deep Convolutional Neural Networks
深度卷积神经网络
的
Kronecker因子近似曲率
大规模
分布二阶优化
Putting Humans in a Scene: Learning Affordance in 3D Indoor Environments
将人类置于场景中:在
3D室内环境
中
学习
负担
PIEs: Pose Invariant Embeddings
PIEs:
姿势不变
嵌入
Representation Similarity Analysis for Efficient Task Taxonomy & Transfer Learning
高效
任务分类
与
转移学习
的
表示相似性分析
Object Counting and Instance Segmentation With Image-Level Supervision
基于
图像级监控
的
目标计数
与
实例分割
Variational Autoencoders Pursue PCA Directions (by Accident)
变分自编码器
追踪
PCA方向
(意外)
A Relation-Augmented Fully Convolutional Network for Semantic Segmentation in Aerial Scenes
基于
关系增强
全卷积网络
的
航空场景
语义分割
Temporal Transformer Networks: Joint Learning of Invariant and Discriminative Time Warping
时间变换网络
:
不变
和
判别
时间扭曲
的
联合学习
PCAN: 3D Attention Map Learning Using Contextual Information for Point Cloud Based Retrieval
基于上下文信息的
三维注意力图学习
实现
基于点云的
检索
Depth Coefficients for Depth Completion
基于
深度系数
的
深度补全
Diversify and Match: A Domain Adaptive Representation Learning Paradigm for Object Detection
多样化与匹配:一种面向
对象检测
的
域自适应表示学习
范式
Good News, Everyone! Context Driven Entity-Aware Captioning for News Images
好消息,各位!
新闻图像的
上下文驱动
实体感知标注
Multi-Level Multimodal Common Semantic Space for Image-Phrase Grounding
用于
图像短语
接地
的
多级多模态
公共语义空间
Spatio-Temporal Dynamics and Semantic Attribute Enriched Visual Encoding for Video Captioning
利用
时空动态
和
语义属性丰富
的
视觉编码
实现
视频字幕
Pointing Novel Objects in Image Captioning
在
图像字幕
中
指向新对象
Informative Object Annotations: Tell Me Something I Don't Know
信息对象注释
:告诉我一些我不知道的事情
Engaging Image Captioning via Personality
通过
个性
吸引
图像字幕
Vision-Based Navigation With Language-Based Assistance via Imitation Learning With Indirect Intervention
通过
间接干预的模仿学习
实现
基于语言辅助的
视觉导航
TOUCHDOWN: Natural Language Navigation and Spatial Reasoning in Visual Street Environments
TOUCHDOWN:
视觉街道环境中
的
自然语言导航
和
空间推理
A Simple Baseline for Audio-Visual Scene-Aware Dialog
音视频
场景感知
对话
的
简单基线
End-To-End Learned Random Walker for Seeded Image Segmentation
用于
带种子
图像分割
的
端到端
随机游走
学习
Efficient Neural Network Compression
有效的
神经网络
压缩
Cascaded Generative and Discriminative Learning for Microcalcification Detection in Breast Mammograms
乳腺X光片
微钙化检测
的
级联
生成与判别
学习
C3AE: Exploring the Limits of Compact Model for Age Estimation
C3AE:探索用于
年龄估计
的
紧致模型
的极限
Adaptive Weighting Multi-Field-Of-View CNN for Semantic Segmentation in Pathology
自适应加权
多视场CNN
在
病理学
语义分割
中的应用
In Defense of Pre-Trained ImageNet Architectures for Real-Time Semantic Segmentation of Road-Driving Images
用于
道路驾驶图像
实时语义分割
的
预训练ImageNet结构防御
Context-Aware Visual Compatibility Prediction
上下文感知
视觉兼容性预测
Sim-To-Real via Sim-To-Sim: Data-Efficient Robotic Grasping via Randomized-To-Canonical Adaptation Networks
通过Sim-to-Sim实现Sim-to-Real:利用
随机-基础适应网络
实现
数据高效的
机器人抓取
Multiview 2D/3D Rigid Registration via a Point-Of-Interest Network for Tracking and Triangulation
基于兴趣点网络的
多视图二维/三维
刚性配准
实现
跟踪
和
三角测量
Context-Aware Spatio-Recurrent Curvilinear Structure Segmentation
上下文感知
的
空间-递归
曲线结构
分割
An Alternative Deep Feature Approach to Line Level Keyword Spotting
线级关键词
定位
的一种
替代深度特征
方法
Dynamics Are Important for the Recognition of Equine Pain in Video
动力学
对于
识别
视频中的
马疼痛
很重要。
LaserNet: An Efficient Probabilistic 3D Object Detector for Autonomous Driving
自主驾驶
中一种
高效概率
三维目标探测器
Machine Vision Guided 3D Medical Image Compression for Efficient Transmission and Accurate Segmentation in the Clouds
机器视觉引导的
3D医学图像压缩
,实现
云中
高效传输
和
精确分割
PointPillars: Fast Encoders for Object Detection From Point Clouds
点柱:基于
快速编码器
的
点云
目标检测
Motion Estimation of Non-Holonomic Ground Vehicles From a Single Feature Correspondence Measured Over N Views
利用
N个视图
上
单特征对应
实现
非完整地面车辆的
运动估计
From Coarse to Fine: Robust Hierarchical Localization at Large Scale
从粗到细:
大规模
的
鲁棒
层次定位
Large Scale High-Resolution Land Cover Mapping With Multi-Resolution Data
利用
多分辨率数据
进行
大尺度高分辨率
土地覆盖图绘制
Leveraging Heterogeneous Auxiliary Tasks to Assist Crowd Counting
利用
异构辅助任务
来
辅助
人群计数
声明:
本文内容由网友自发贡献,不代表【wpsshop博客】立场,版权归原作者所有,本站不承担相应法律责任。如您发现有侵权的内容,请联系我们。转载请注明出处:
https://www.wpsshop.cn/w/你好赵伟/article/detail/702546
推荐阅读
article
K近邻(K-
Nearest
Neighbors
,简称
KNN
)算法_
knn
计算
距离
的方法...
② 对于每个子集,使用其余的k-1个子集作为训练集来训练模型,然后使用该子集作为验证集来评估模型的性能。①将原始数据集分...
赞
踩
article
【
python
】K
近邻
算法
(k-Nearest
Neighbors
,
KNN
)解决
分类
问题_基于欧式距...
分类
算法
是一类机器学习
算法
,用于将不同的数据实例分到预定义的类别或标签中。以下是一些常见的
分类
算法
:逻辑回归(Logis...
赞
踩
article
算法
——K-
最近
邻(K-Nearest
Neighbors
,
KNN
)_3. 寻找
最近
的
k
个
邻居
:根据...
KNN
算法
是一种非参数、基于
距离
的
分类
方法,无需构建显式模型,而是直接依赖于
训练
数据进行预测。确定K值:K是一
个
预先设定...
赞
踩
article
浅尝
KNN
(K-
Nearest
Neighbors
,K
近
邻
算法
)_最
近
邻
算法
是
k
近
邻
算法
的特例,这种...
当下,机器学习已经成为了一个非常热门的领域,其中分类
算法
是
机器学习中最常见的问题之一。
KNN
(K-
Nearest
Nei...
赞
踩
article
[读论文]
CVPR2019
:
Occupancy
Networks
: Learn
in
g
3D
Rec...
核心本文提出了一种
3D
图形的表示方法,并给出了得到他的网络架构和训练方法。用decision boundary 来表示物...
赞
踩
相关标签
机器学习
python
近邻算法
分类
KNN
算法
point cloud
deep learning