前往小程序,Get更优阅读体验!
立即前往
首页
学习
活动
专区
工具
TVP
发布
社区首页 >专栏 >有开源代码的文献

有开源代码的文献

作者头像
用户1148525
发布2019-05-29 15:41:54
1.1K0
发布2019-05-29 15:41:54
举报

版权声明:本文为博主原创文章,未经博主允许不得转载。 https://cloud.tencent.com/developer/article/1438050

有意思的文献合集

Image Stitching 代码

车道检测相关资源列表

https://github.com/amusi/awesome-lane-detection

相机标定开源代码

目标检测开源代码汇总

跟踪算法开源代码汇总

人脸检测识别代码汇总

人群分析、人群计数 开源代码文献及数据库

语义分割+视频分割 开源代码文献集合

网络优化加速开源代码汇总

OCR 资源汇总

字符区域检测:https://github.com/eragonruan/text-detection-ctpn

区域字符识别:https://github.com/meijieru/crnn.pytorch

https://github.com/bgshih/crnn

Practical Deep OCR for scene text using CTPN + CRNN

https://github.com/AKSHAYUBHAT/DeepVideoAnalytics/tree/master/docs/experiments/ocr

https://github.com/xiaofengShi/CHINESE-OCR

https://github.com/ZumingHuang/awesome-ocr-resources

https://blog.csdn.net/yeler082/article/details/80876778

计算机视觉&深度学习相关资源汇总

https://joshua19881228.github.io/2016-08-25-my-jumble-of-computer-vision/

https://github.com/number9473/nn-algorithm/labels

https://handong1587.github.io/categories.html#deep_learning-ref

https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html

图像增强

Deep Bilateral Learning for Real-Time Image Enhancement

https://groups.csail.mit.edu/graphics/hdrnet/

https://github.com/mgharbi/hdrnet

CNN 图像增强

DSLR-Quality Photos on Mobile Devices with Deep Convolutional Networks

http://people.ee.ethz.ch/~ihnatova/

https://github.com/aiff22/DPED

人体姿态估计

Stacked Hourglass Networks for Human Pose Estimation ECCV2016

http://www-personal.umich.edu/~alnewell/pose/

无人机数车

Drone-based Object Counting by Spatially Regularized Regional Proposal Networks ICCV2017

数据库 https://lafi.github.io/LPN/

行人属性分析 + 行人检索

HydraPlus-Net: Attentive Deep Features for Pedestrian Analysis ICCV2017

GitHub: https://github.com/xh-liu/HydraPlus-Net

行人检索

Re-ranking Person Re-identification with k-reciprocal Encoding CVPR2017

https://github.com/zhunzhong07/person-re-ranking

行人检索

Pedestrian Alignment Network for Large-scale Person Re-identification

https://github.com/layumi/Pedestrian_Alignment

行人检索

SVDNet for Pedestrian Retrieval

https://github.com/syfafterzy/SVDNet-for-Pedestrian-Retrieval

行人检索

Unlabeled Samples Generated by GAN Improve the Person Re-identification Baseline in vitro ICCV2017

https://github.com/layumi/Person-reID_GAN

动作识别

Temporal Action Detection with Structured Segment Networks ICCV2017

https://github.com/yjxiong/action-detection

动作识别

Temporal Segment Networks: Towards Good Practices for Deep Action Recognition ECCV2016

https://github.com/yjxiong/temporal-segment-networks

动作识别

Towards Good Practices for Very Deep Two-stream ConvNets

http://yjxiong.me/others/action_recog/

https://github.com/yjxiong/caffe

基于单张RGB图像的 3D 人体姿态估计

Lifting from the Deep: Convolutional 3D Pose Estimation from a Single Image CVPR2017

http://www0.cs.ucl.ac.uk/staff/D.Tome/papers/LiftingFromTheDeep.html

https://github.com/DenisTome/Lifting-from-the-Deep-release

显著性检测

Shallow and Deep Convolutional Networks for Saliency Prediction CVPR2016

https://github.com/imatge-upc/saliency-2016-cvpr

显著性检测

SalGAN: Visual Saliency Prediction with Generative Adversarial Networks

https://imatge-upc.github.io/saliency-salgan-2017/

视频插帧

Video Frame Interpolation via Adaptive Separable Convolution ICCV2017

https://github.com/sniklaus/pytorch-sepconv

Pytorch 学习教程

Quick 3~4 day lecture meterials for HKUST students.

https://github.com/hunkim/PyTorchZeroToAll

一个网络完成三个任务:Denoising, Relighting, Colorization

Generalized Deep Image to Image Regression

https://venkai.github.io/RBDN/

https://github.com/venkai/RBDN

视频中的时空特征

Learning Spatiotemporal Features with 3D Convolutional Networks ICCV 2015

http://vlg.cs.dartmouth.edu/c3d/

https://github.com/facebook/C3D

运动相机检测无人机 小目标

Flying Object Detection from a Single Moving Camera PAMI2017

http://cvlab.epfl.ch/research/unmanned/detection

https://drive.switch.ch/index.php/s/3b3bdbd6f8fb61e05d8b0560667ea992

卫星图像车辆分析

A Large Contextual Dataset for Classification, Detection and Counting of Cars with Deep Learning

https://gdo-datasci.ucllnl.org/cowc/

视频合成

Generating Videos with Scene Dynamics NIPS2016

http://carlvondrick.com/tinyvideo/

Torch7 https://github.com/cvondrick/videogan

视频预测

Deep Predictive Coding Networks for Video Prediction and Unsupervised Learning

https://coxlab.github.io/prednet/

Keras https://github.com/coxlab/prednet

视频预测

Flexible Spatio-Temporal Networks for Video Prediction CVPR2017

视频中的运动模式学习

Learning Motion Patterns in Videos CVPR2017

http://thoth.inrialpes.fr/research/mpnet

特征匹配

GMS: Grid-based Motion Statistics for Fast, Ultra-robust Feature Correspondence CVPR2017

c++ code: https://github.com/JiawangBian/GMS-Feature-Matcher

基于语义的视频快进,不丢失感兴趣物体的快进

Fast-Forward Video Based on Semantic Extraction

GitHub: https://github.com/verlab/SemanticFastForward_ICIP_2016

深度边缘检测

Richer Convolutional Features for Edge Detection CVPR2017

https://github.com/yun-liu/rcf

视频目标检测 跟踪

Detect to Track and Track to Detect ICCV2017

https://github.com/feichtenhofer/detect-track ​​​​

pytorch tutorial

https://github.com/soravux/pytorch_tutorial

新的池化方法

S3Pool: Pooling with Stochastic Spatial Sampling CVPR2017

https://github.com/Shuangfei/s3pool

CNN 图像检索

Efficient Diffusion on Region Manifolds: Recovering Small Objects with Compact CNN Representations CVPR2017

https://github.com/ahmetius/diffusion-retrieval

基于查表的CNN网络模型

LCNN: Lookup-based Convolutional Neural Network CVPR2017

https://github.com/hessamb/lcnn

Torch https://github.com/juefeix/lbcnn.torch

数据扩张 Image Augmentation tool

Augmentor: An Image Augmentation Library for Machine Learning

GitHub: https://github.com/mdbloice/Augmentor

SCNet: Learning Semantic Correspondence ICCV2017

Matlab code: https://github.com/k-han/SCNet

深度网络模型:

Deep Residual Learning for Image Recognition

https://github.com/KaimingHe/deep-residual-networks

Network Dissection:

Quantifying Interpretability of Deep Visual Representations

CVPR2017

https://github.com/CSAILVision/NetDissect

人体姿态估计:

Realtime Multi-Person 2D Pose Estimation using Part Affinity Fields CVPR2017

https://github.com/ZheC/Realtime_Multi-Person_Pose_Estimation

Convolutional Pose Machines CVPR2016

https://github.com/shihenw/convolutional-pose-machines-release

深度图片风格迁移

Deep Photo Style Transfer

https://github.com/luanfujun/deep-photo-styletransfer

人脸修复

Generative Face Completion

https://github.com/Yijunmaverick/GenerativeFaceCompletion

Failures of Gradient-Based Deep Learning

https://github.com/shakedshammah/failures_of_DL

深度视频去模糊

Deep Video Deblurring

https://github.com/shuochsu/DeepVideoDeblurring

深度去噪

Learning Deep CNN Denoiser Prior for Image Restoration

https://github.com/cszn/ircnn

人脸超分辨

Face Super-Resolution Through Wasserstein GANs

https://github.com/MandyZChen/srez

https://github.com/YuguangTong/improved_wgan_training

视频结构化分析平台

https://github.com/AKSHAYUBHAT/DeepVideoAnalytics

本文参与 腾讯云自媒体分享计划,分享自作者个人站点/博客。
原始发表:2016年11月21日,如有侵权请联系 cloudcommunity@tencent.com 删除

本文分享自 作者个人站点/博客 前往查看

如有侵权,请联系 cloudcommunity@tencent.com 删除。

本文参与 腾讯云自媒体分享计划  ,欢迎热爱写作的你一起参与!

评论
登录后参与评论
0 条评论
热度
最新
推荐阅读
相关产品与服务
AI 应用产品
文字识别(Optical Character Recognition,OCR)基于腾讯优图实验室的深度学习技术,将图片上的文字内容,智能识别成为可编辑的文本。OCR 支持身份证、名片等卡证类和票据类的印刷体识别,也支持运单等手写体识别,支持提供定制化服务,可以有效地代替人工录入信息。
领券
问题归档专栏文章快讯文章归档关键词归档开发者手册归档开发者手册 Section 归档