計算機視覺學習資料彙總(超多幹貨)

前言

本資料首發於公衆號【3D視覺工坊】,原文請見計算機視覺學習資料彙總,更多幹貨請關注公衆號後臺回覆關鍵字獲取~

(一)基礎操作

Linux

學習網站
Linux中國:https://linux.cn/
鳥哥的linux私房菜:http://linux.vbird.org/
Linux公社:https://www.linuxidc.com/

學習書籍

《鳥哥的Linux私房菜》
《Linux命令行與shell腳本編程大全》
《Linux Shell腳本攻略》
《Linux命令行大全》
《Linux就該這麼學》
《UNIX高級編程》
在公衆號【3DCVer】後臺回覆“Linux”,即可獲取完整PDF資料。

Vim

學習網站
OpenVim:https://link.zhihu.com/?target=http%3A//www.openvim.com/tutorial.html
Vim Adventures:https://link.zhihu.com/?target=http%3A//vim-adventures.com/
Vim詳細教程:https://zhuanlan.zhihu.com/p/68111471
Interactive Vim tutorial:https://link.zhihu.com/?target=http%3A//www.openvim.com/
最詳細的Vim編輯器指南:https://www.shiyanlou.com/questions/2721/
簡明Vim教程:https://link.zhihu.com/?target=http%3A//coolshell.cn/articles/5426.html
Vim學習資源整理:https://link.zhihu.com/?target=https%3A//github.com/vim-china/hello-vim

學習書籍
《Mastering Vim》
《Modern Vim》
《Mastering Vim Quickly》

Git

Git學習資源

Git官方文檔:https://docs.gitlab.com/ee/README.html
Git-book:https://git-scm.com/book/zh/v2
Github超詳細的Git學習資料:https://link.zhihu.com/?target=https%3A//github.com/xirong/my-git
Think like Git:http://think-like-a-git.net/
Atlassian Git Tutorial:https://link.zhihu.com/?target=https%3A//www.atlassian.com/git/tutorials
Git Workflows and Tutorials:
原文:
https://www.atlassian.com/git/tutorials/comparing-workflows
譯文:
https://github.com/xirong/my-git/blob/master/git-workflow-tutorial.md
版本管理工具介紹–Git篇
https://link.zhihu.com/?target=http%3A//www.imooc.com/learn/208
廖雪峯Git教程:
https://www.liaoxuefeng.com/wiki/896043488029600

學習書籍
《Git學習指南》
《Pro Git》
《Pro Git》中文版翻譯:https://bingohuang.gitbooks.io/progit2/content/
《Git版本控制管理》

在公衆號【3DCVer】,後臺回覆“Git”,即可獲取完整PDF資料。

Shell

學習資源
Shell在線速查表:https://devhints.io/bash
Bash Guide for Beginners:
https://link.zhihu.com/?target=http%3A//www.tldp.org/LDP/Bash-Beginners-Guide/html/
Advanced Bash-Scripting Guide:
https://link.zhihu.com/?target=http%3A//www.tldp.org/LDP/abs/html/

學習書籍
Bash Notes For Professionals
《linux shell腳本攻略》
《LINUX與UNIX Shell編程指南》
在公衆號【3DCVer】後臺回覆“Shell”,即可獲取完整PDF資料。

學習視頻
https://link.zhihu.com/?target=https%3A//www.youtube.com/playlist%3Flist%3DPLdfA2CrAqQ5kB8iSbm5FB1ADVdBeOzVqZ

GDB

GDB調試入門指南:
https://zhuanlan.zhihu.com/p/74897601
GDB Documentation:
http://www.gnu.org/software/gdb/documentation/

CMake

學習資源
Cmake-tutoria:
https://cmake.org/cmake-tutorial/
Learning-cmake:
https://github.com/Akagi201/learning-cmake
awesome-cmake(公司常用的培訓資料):
https://github.com/onqtam/awesome-cmake

(二)數學基礎

  1. 微分幾何
  2. 拓撲理論
  3. 隨機算法
  4. 計算方法
  5. 多視圖幾何
  6. 圖像處理基礎算法
  7. 複變函數
  8. 非線性優化
  9. 數學分析
  10. 數值分析
  11. 矩陣論
  12. 離散數學
  13. 最優化理論
  14. 概率論與數理統計
  15. 泛函分析

在公衆號【3DCVer】後臺回覆“數學基礎”,即可獲取完整PDF資料。

(三)數據結構與算法

學習書籍

  1. 劍指offer
  2. 編程之法
  3. 編程之美
  4. 程序員面試寶典
  5. 算法導論
  6. 圖解數據結構:使用C++(黃皮書)

在公衆號【3DCVer】後臺回覆“數據結構與算法”,即可獲取完整PDF資料。

學習視頻
清華大學鄧俊輝:https://www.bilibili.com/video/av49361421?from=search&seid=17039136986597710308
小甲魚:https://www.bilibili.com/video/av29175690?from=search&seid=17039136986597710308
劍指offer數據結構與算法:https://www.bilibili.com/video/av64288683?from=search&seid=17039136986597710308
數據結構與算法C++實現:https://www.bilibili.com/video/av31763085?from=search&seid=17039136986597710308

(四)編程語言

C++

《C++ Primer》
《C++ Primer Plus》
《深度探索C++對象模型》
《Effective C++》
《More Effective C++ 35個改善編程與設計的有效方法》
《C++標準庫》

在公衆號【3DCVer】後臺回覆“C++”,即可獲取完整PDF資料。

Python

《Python編程從入門到實踐》
《Python高級編程》
《Python高性能編程》
《Python核心編程》

在公衆號【3DCVer】後臺回覆“Python”,即可獲取完整PDF資料。

C

《C語言程序設計》
《C Primer Plus》
《C和指針》
《C語言接口與實現》
《C/C++深層探索》
《Linux C編程一站式學習》
《C陷阱與缺陷》
《C語言參考手冊》

在公衆號【3DCVer】後臺回覆“C語言”,即可獲取完整PDF資料。

ROS

《機器人ROS開發實踐》
《ROS機器人編程:原理與應用》
《ROS機器人開發應用案例分析》

在公衆號【3DCVer】後臺回覆“ROS”,即可獲取完整PDF資料。

(五)深度學習

學習書籍
1、《Deep Learning》(深度學習花書,Ian Goodfellow,Yoshua Bengio著)
2、《深度學習之TensorFlow 入門、原理與進階實戰》
3、《深度學習之TensorFlow工程化項目實戰》
4、《動手學深度學習》

在公衆號【3DCVer】後臺回覆“深度學習”,即可獲取完整PDF資料。

學習資源

深度學習500問:https://github.com/scutan90/DeepLearning-500-questions
awesome-deep-learning:https://github.com/ChristosChristofidis/awesome-deep-learning
awesome-deep-learning-papers:https://github.com/terryum/awesome-deep-learning-papers
Deep-Learning-Papers-Reading-Roadmap:https://github.com/floodsung/Deep-Learning-Papers-Reading-Roadmap
MIT-deep-learning:https://github.com/lexfridman/mit-deep-learning
MIT Deep Learning Book:https://github.com/janishar/mit-deep-learning-book-pdf
Artificial-Intelligence-Deep-Learning-Machine-Learning-Tutorials
https://github.com/TarrySingh/Artificial-Intelligence-Deep-Learning-Machine-Learning-Tutorials

學習視頻

1、吳恩達深度學習工程師全套課程(網易雲課堂)
https://mooc.study.163.com/smartSpec/detail/1001319001.htm
2、斯坦福大學李飛飛
cs231n:
http://cs231n.stanford.edu/
3、李宏毅深度學習視頻教程
https://www.bilibili.com/video/av48285039?from=search&seid=18275935807221968201
4、動手學深度學習(李沐)
http://zh.d2l.ai/chapter_preface/preface.html
5、深度學習框架Tensorflow學習與應用
https://www.bilibili.com/video/av20542427?from=search&seid=15215014902897800289

深度學習進階知識

1、數據增強相關知識
數據增強的一些開源項目:
https://github.com/aleju/imgaug
https://github.com/mdbloice/Augmentor
https://github.com/google-research/uda
谷歌論文:https://arxiv.org/abs/1909.13719
2、目標檢測網絡的一些總結內容
Github鏈接:https://github.com/hoya012/deep_learning_object_detection
Github鏈接:https://github.com/abhineet123/Deep-Learning-for-Tracking-and-Detection
3、語義分割相關
https://link.zhihu.com/?target=https%3A//github.com/mrgloom/awesome-semantic-segmentation
Github鏈接:https://github.com/mrgloom/awesome-semantic-segmentation
4、圖像檢索
Github鏈接:
https://github.com/zhangqizky/awesome-cbir-papers
https://github.com/willard-yuan/awesome-cbir-papers
5、圖像分類
https://github.com/zhangqizky/Image_Classification_with_5_methods
6、VAE相關知識點
Github鏈接:https://github.com/matthewvowels1/Awesome-VAEs
7、人體姿態估計
Github鏈接:https://github.com/wangzheallen/awesome-human-pose-estimation
8、目標跟蹤
Github鏈接:https://github.com/czla/daily-paper-visual-tracking
多目標跟蹤:
https://github.com/SpyderXu/multi-object-tracking-paper-list
9、異常檢測
Github鏈接:https://github.com/yzhao062/anomaly-detection-resources
10、活體檢測
Github鏈接:
https://github.com/SoftwareGift/FeatherNets_Face-Anti-spoofing-Attack-Detection-Challenge-CVPR2019
11、人羣計數
Github鏈接:https://github.com/gjy3035/Awesome-Crowd-Counting
12、模型的壓縮、加速和修建
模型的壓縮和加速
Github鏈接:
https://github.com/memoiry/Awesome-model-compression-and-acceleration
https://github.com/cedrickchee/awesome-ml-model-compression
模型的修建:
Github鏈接:
https://github.com/he-y/Awesome-Pruning
13、行爲識別和視頻理解
Github鏈接:
https://github.com/jinwchoi/awesome-action-recognition
14、GAN相關資料
Github鏈接:
https://github.com/zhangqianhui/AdversarialNetsPapers
https://github.com/nightrome/really-awesome-gan
https://github.com/hindupuravinash/the-gan-zoo
https://github.com/eriklindernoren/Keras-GAN
15、圖像和視頻超分辨率
圖像超分辨率Github鏈接:
https://github.com/ChaofWang/Awesome-Super-Resolution
https://github.com/YapengTian/Single-Image-Super-Resolution
https://github.com/ptkin/Awesome-Super-Resolution
視頻超分辨率鏈接:
https://github.com/LoSealL/VideoSuperResolution
16、人臉landmark3D
Github鏈接:
https://github.com/mrgloom/Face-landmarks-detection-benchmark
https://github.com/D-X-Y/landmark-detection
https://github.com/ChanChiChoi/awesome-Face_Recognition
17、面部表情識別
Github鏈接:
https://github.com/amusi/Deep-Learning-Interview-Book/blob/master/docs/%E6%9C%BA%E5%99%A8%E5%AD%A6%E4%B9%A0.md
18、場景識別
Github鏈接:
https://github.com/CSAILVision/places365
https://github.com/chenyuntc/scene-baseline
https://github.com/foamliu/Scene-Classification
19、深度學習在推薦系統中的應用
Github鏈接:
https://github.com/robi56/Deep-Learning-for-Recommendation-Systems
20、強化學習資料
Github鏈接:
https://github.com/wwxFromTju/awesome-reinforcement-learning-zh

(六)AutoML

框架
Autokeras:
https://github.com/keras-team/autokeras
學習資源
Awesome-AutoML-papers(超全):
https://github.com/hibayesian/awesome-automl-papers

(七)深度學習框架

Tensorflow

Tensorflow中文官方文檔:https://github.com/jikexueyuanwiki/tensorflow-zh
Tensorflow2.0 tutorials:https://github.com/czy36mengfei/tensorflow2_tutorials_chinese
awesome-tensorflow:https://github.com/jtoy/awesome-tensorflow
圖解Tensorflow源碼:https://github.com/yao62995/tensorflow

Caffe

caffe2_cpp_tutorial:https://github.com/leonardvandriel/caffe2_cpp_tutorial
Caffe使用教程:https://github.com/shicai/Caffe_Manual
Awesome-Caffe:https://github.com/MichaelXin/Awesome-Caffe

Keras

Keras中文文檔:https://keras.io/zh/

Pytorch

Pytorch-tutorial:https://github.com/yunjey/pytorch-tutorial
pytorch-handbook:https://github.com/zergtant/pytorch-handbook
Awesome-pytorch-list:https://github.com/bharathgs/Awesome-pytorch-list

MXNet

Tutorial:https://mxnet.incubator.apache.org/api

深度學習網絡可視化工具

Netron:https://github.com/lutzroeder/netron
NN-SVG:https://github.com/zfrenchee
PlotNeuralNet:https://github.com/HarisIqbal88/PlotNeuralNet
ConvNetDraw:https://cbovar.github.io/ConvNetDraw/
Draw_Convnet:https://github.com/gwding/draw_convnet
Netscope:https://link.zhihu.com/?target=https%3A//github.com/ethereon/netscope

(八)機器學習

學習書籍

機器學習(周志華)
統計學習方法(李航)
PRML模式識別與機器學習(馬春鵬)
機器學習實戰
機器學習系統設計
分佈式機器學習:算法、理論與實踐
機器學習中的數學
Machine Learning - A Probabilistic Perspective
百面機器學習
美團機器學習實踐
在公衆號【3DCVer】後臺回覆“機器學習”,即可獲取完整PDF資料。

學習資源

AILearning:https://github.com/apachecn/AiLearning
awesome-machine-learning:https://github.com/josephmisiti/awesome-machine-learning
awesome-machine-learning:https://github.com/jobbole/awesome-machine-learning-cn
machine-learning-for-software-engineers:https://github.com/ZuzooVn/machine-learning-for-software-engineers
Machine Learning & Deep Learning Tutorials:https://github.com/ujjwalkarn/Machine-Learning-Tutorials
homemade-machine-learning:https://github.com/trekhleb/homemade-machine-learning
3D-Machine-Learning(非常有價值):https://github.com/timzhang642/3D-Machine-Learning

學習視頻
1、吳恩達CS229: Machine Learning (機器學習視頻)
視頻鏈接:http://cs229.stanford.edu/
2、斯坦福大學機器學習視頻
視頻鏈接:https://www.coursera.org/learn/machine-learning
3、李宏毅機器學習視頻
視頻下載鏈接:https://www.bilibili.com/video/av59538266(這是B站上的在線視頻)
百度雲盤:
鏈接: https://pan.baidu.com/s/1HdVdx52MZ-FF5dSWpAOfeA
提取碼: vjhy
4、Google機器學習
Github鏈接:https://github.com/yuanxiaosc/Google-Machine-learning-crash-course

(九)計算機視覺

學習書籍
《Computer Vision Models,Learning and Inference》
《Computer Vision Algorithms and Applications》
《Machine Vision Algorithms and Applications》
《Linear Algebra for Computer Vision》
《An Invitation to 3-D Vision: From Images to Geometric Models》
《計算機視覺中的多視圖幾何》
《Computer Vision for Visual Effects》
《Mastering OpenCV with Practical Computer Vision Projects》
《OpenCV3計算機視覺:Python語言實現》
《Practical OpenCV》
《OpenCV 3.0 Computer Vision with Java》

在公衆號【3DCVer】後臺回覆“計算機視覺”,即可獲取完整PDF資料。

學習課程
計算機視覺博士課程:
https://github.com/hassony2/useful-computer-vision-phd-resources
81頁計算機視覺學習指南:
https://www.pyimagesearch.com/start-here/
Deep Learning(Advanced Computer Vision):
https://www.udemy.com/course/advanced-computer-vision/

(十)自動駕駛

學習視頻
1、 百度Apollo系列教程
視頻鏈接:
http://bit.baidu.com/subject/index/id/16.html
2、(MIT自動駕駛課程)MIT 6.S094: Deep Learning for Self-Driving Cars
視頻鏈接:
https://selfdrivingcars.mit.edu/
3、國外教程自動駕駛汽車專項課程
課程:
https://www.coursera.org/specializations/self-driving-cars
筆記:
https://github.com/qiaoxu123/Self-Driving-Cars
文檔:
https://qiaoxu123.github.io/Self-Driving-Cars/#/

方向彙總
機動車/非機動車/行人的檢測、跟蹤與捕獲
各種車輛特徵等結構化信息提取
各類駕駛行爲的分析
違章事件的檢出,交通數據的採集
車輛/行人檢測與跟蹤
道路分割與識別
車道線檢測
場景分割
場景識別
自動泊車
障礙物的識別
車道偏離報警
交通標誌的識別
車載視頻雷達(激光、毫米波、超聲波)多源信號融合技術
版面分析
文本行/串檢測
單字/字符串識別
語義分析
結構化信息提取
AI芯片
深度學習的分佈和並行處理系統

論文彙總

1、 單目圖像中的3D物體檢測
1.YOLO3D
2.SSD-6D
3.3D Bounding Box Estimation Using Deep Learning and Geometry
4.GS3D:An Effcient 3D Object Detection Framework for Autonomous Driving
5.Deep MANTA: A Coarse-to-fine Many-Task Network for joint 2D and 3D vehicle analysis from monocular image
6.Task-Aware Monocular Depth Estimation for 3D Object Detection
7.M3D-RPN: Monocular 3D Region Proposal Network for Object Detection
8.Monocular 3D Object Detection with Pseudo-LiDAR Point Cloud
9.Monocular 3D Object Detection and Box Fitting Trained End-to-End Using Intersection-over-Union Loss
10.Disentangling Monocular 3D Object Detection
11.Shift R-CNN: Deep Monocular 3d Object Detection With Closed-Form Geometric Constraints
12.Monocular 3D Object Detection via Geometric Reasoning on Keypoints
13.Monocular 3D Object Detection Leveraging Accurate Proposals and Shape Reconstruction
14.Accurate Monocular Object Detection via Color-Embedded 3D Reconstruction for Autonomous Driving
15.3D Bounding Boxes for Road Vehicles: A One-Stage, Localization Prioritized Approach using Single Monocular Images
16.Orthographic Feature Transform for Monocular 3D Object Detection
17.Multi-Level Fusion based 3D Object Detection from Monocular Images
18.MonoGRNet:A Geometric Reasoning Network for Monocular 3D Object Localization
19.Mono3D++: Monocular 3D Vehicle Detection with Two-Scale 3D Hypotheses and Task Priors

2、 基於激光雷達點雲的3D物體檢測
1.VoteNet
2.End-to-End Multi-View Fusion for 3D Object Detection in LiDAR Point Clouds
3.Deep Hough Voting for 3D Object Detection in Point Clouds
4.STD: Sparse-to-Dense 3D Object Detector for Point Cloud
5.PointPillars: Fast Encoders for Object Detection from Point Clouds
6.PointRCNN: 3D Object Proposal Generation and Detection from Point Cloud
7.PIXOR: Real-time 3D Object Detection from Point Clouds
8.Complex-YOLO: An Euler-Region-Proposal for Real-time 3D Object Detection on Point Clouds
9.YOLO3D: End-to-end real-time 3D Oriented Object Bounding Box Detection from LiDAR Point Cloud
10.Vehicle Detection from 3D Lidar Using FCN(百度早期工作2016年)
11.Object Detection and Classification in Occupancy Grid Maps using Deep Convolutional Networks
12.RT3D: Real-Time 3-D Vehicle Detection in LiDAR Point Cloud for Autonomous Driving
13.BirdNet: a 3D Object Detection Framework from LiDAR information
14.IPOD: Intensive Point-based Object Detector for Point Cloud
15.PIXOR: Real-time 3D Object Detection from Point Clouds
16.DepthCN: Vehicle Detection Using 3D-LIDAR and ConvNet
17.YOLO4D: A ST Approach for RT Multi-object Detection and Classification from LiDAR Point Clouds
18.PointRCNN: 3D Object Proposal Generation and Detection from Point Cloud
19.Part-A^2 Net: 3D Part-Aware and Aggregation Neural Network for Object Detection from Point Cloud
20.Voxel-FPN: multi-scale voxel feature aggregation in 3D object detection from point clouds
21.Fast Point RCNN
22.StarNet: Targeted Computation for Object Detection in Point Clouds
23.Class-balanced Grouping and Sampling for Point Cloud 3D Object Detection
24.LaserNet: An Efficient Probabilistic 3D Object Detector for Autonomous Driving

3、 基於RGB-D圖像的3D物體檢測
1.Frustum PointNets for 3D Object Detection from RGB-D Data
2.Frustum VoxNet for 3D object detection from RGB-D or Depth images

4、 基於融合方法的3D物體檢測(RGB圖像+激光雷達/深度圖)
1.AVOD
2.A General Pipeline for 3D Detection of Vehicles
3.Adaptive and Azimuth-Aware Fusion Network of Multimodal Local Features for 3D Object Detection
4.Deep Continuous Fusion for Multi-Sensor 3D Object Detection
5.Frustum PointNets for 3D Object Detection from RGB-D Data
6.Joint 3D Proposal Generation and Object Detection from View Aggregation
7.Multi-Task Multi-Sensor Fusion for 3D Object Detection
8.Multi-View 3D Object Detection Network for Autonomous Driving
9.PointFusion:Deep Sensor Fusion for 3D Bounding Box Estimation
10.Pseudo-LiDAR from Visual Depth Estimation:Bridging the Gap in 3D Object Detection for Autonomous Driving

5、 基於雙目視覺下的3D物體檢測
1.Object-Centric Stereo Matching for 3D Object Detection
2.Triangulation Learning Network: from Monocular to Stereo 3D Object Detection
3.Pseudo-LiDAR from Visual Depth Estimation: Bridging the Gap in 3D Object Detection for Autonomous Driving
4.Stereo R-CNN based 3D Object Detection for Autonomous Driving

6、單目圖像深度圖生成
1.Deep Ordinal Regression Network for Monocular Depth Estimation
2.Depth from Videos in the Wild: Unsupervised Monocular Depth Learning from Unknown Cameras
3.Detail Preserving Depth Estimation from a Single Image Using Attention Guided Networks
4.FastDepth: Fast Monocular Depth Estimation on Embedded Systems
5.Single View Stereo Matching

7、單目圖像+激光雷達點雲深度圖生成
1.Sparse and noisy LiDAR completion with RGB guidance and uncertainty
2.Learning Guided Convolutional Network for Depth Completion
3.DFineNet: Ego-Motion Estimation and Depth Refinement from Sparse, Noisy Depth Input with RGB Guidance

8、深度圖補全
1.Deep RGB-D Canonical Correlation Analysis For Sparse Depth Completion
2.Sparse and noisy LiDAR completion with RGB guidance and uncertainty
3.Confidence Propagation through CNNs for Guided Sparse Depth Regression
4.Learning Guided Convolutional Network for Depth Completion
5.DFineNet: Ego-Motion Estimation and Depth Refinement from Sparse, Noisy Depth Input with RGB Guidance
6.Depth Completion from Sparse LiDAR Data with Depth-Normal Constraints

(十一)三維重建

學習書籍
1.Computer Vision for Visual Effects
2.Computer Vision Algorithms and Applications

相關論文
1.Rolling Shutter Pose and Ego-motion Estimation using Shape-from-Template(ECCV2018)
2.BundleFusion: Real-time Globally Consistent 3D Reconstruction using On-the-fly Surface Re-integration(ACM)
3.Depth Map Prediction from a Single Image using a Multi-Scale Deep Network
4.3D-R2N2:A Unified Approach for Single and Multi-view 3D Object Reconstruction 5.Pixel2Mesh:Generating 3D Mesh Models form Single RGB Images
6.Mesh R-CNN(FAIR,CVPR2019)
7.Conditional Single-view Shape Generation for Multi-view Stereo Reconstruction
8.R-MVSNet: Recurrent MVSNet for High-resolution Multi-view Stereo Depth Inference
9.StereoDRNet: Dilated Residual Stereo Net(cvpr2019)

一些開源網站
1、MVE
網站鏈接:
https://www.gcc.tu-darmstadt.de/home/proj/mve/index.en.jsp
2、Bundler
網站鏈接:
http://www.cs.cornell.edu/~snavely/bundler/
3、VisualSFM
網站鏈接:
https://link.zhihu.com/?target=http%3A//ccwu.me/vsfm/
4、OpenMVG
網站鏈接:
https://openmvg.readthedocs.io/en/latest/software/SfM/SfM/
5、ColMap
網站鏈接:
https://link.zhihu.com/?target=https%3A//demuc.de/colmap/

相關資源網站
1、非常全面的三維重建相關資源列表,涵蓋SLAM,SFM,MVS
https://github.com/openMVG/awesome_3DReconstruction_list

(十二)立體視覺

學習書籍
《視覺測量》(張廣軍版)
《multiview geometry in computer vision》

在公衆號【3DCVer】後臺回覆“立體視覺”,即可獲取完整PDF資料。

學習課程
CS231A: Computer Vision, From 3D Reconstruction to Recognition:
http://web.stanford.edu/class/cs231a/

(十三)結構光與三維重建

學習書籍
《光柵投影三維精密測量》
《基於多視圖的三維結構重建》

開源項目
3d reconstruction using three step phase shift
https://github.com/phreax/structured_light
A framework for Structured Light based 3D scanning projects
https://github.com/nikolaseu/neuvision
awesome_3DReconstruction_list
https://github.com/openMVG/awesome_3DReconstruction_list

(十四)SLAM

SLAM大佬網站
1、跟蹤SLAM前沿動態論文,更新的很頻繁
https://github.com/YiChenCityU/Recent_SLAM_Research
2、很全視覺slam資料大全
https://github.com/tzutalin/awesome-visual-slam
3、開源SLAM列表
https://github.com/OpenSLAM/awesome-SLAM-list
4、很全面的SLAM教程
https://link.zhihu.com/?target=https%3A//github.com/kanster/awesome-slam
5、非常全面的三維重建相關資源列表,涵蓋SLAM,SFM,MVS
https://github.com/openMVG/awesome_3DReconstruction_list
6、很全的RGBD SLAM開源方案介紹
https://github.com/electech6/owesome-RGBD-SLAM
7、非常全面的相機總結,包括論文,設備廠商,算法,應用等
https://github.com/uzh-rpg/event-based_vision_resources
8、SLAM 學習與開發經驗分享
https://github.com/GeekLiB/Lee-SLAM-source
9、中文註釋版ORB-SLAM2
https://github.com/Vincentqyw/ORB-SLAM2-CHINESE
10、語義SLAM相關資料
https://zhuanlan.zhihu.com/p/64825421

SLAM相關的工具和庫
基礎工具:Eigen、OpenCV、PCL、ROS
後端優化的庫:g2o、GTSAM、Ceres solver

SLAM相關開源代碼
1、MonoSLAM
Github地址:
https://github.com/hanmekim/SceneLib2
2、PTAM
Github地址:
https://www.robots.ox.ac.uk/~gk/PTAM/
3、ORB-SLAM
Github地址:
http://webdiis.unizar.es/~raulmur/orbslam/
4、LSD-SLAM
Github地址:
https://vision.in.tum.de/research/vslam/lsdslam
5、SVO
Github地址:
https://github.com/OpenSLAM/awesome-SLAM-list
6、DTAM
Github地址:
https://github.com/anuranbaka/OpenDTAM
7、DVO
Github地址:
https://github.com/tum-vision/dvo_slam
8、DSO
Github地址:
https://github.com/JakobEngel/dso
9、RTAB-MAP
Github地址:
https://github.com/introlab/rtabmap
10、RGBD-SLAM-V2
Github地址:
https://github.com/felixendres/rgbdslam_v2
11、Elastic Fusion
Github地址:
https://github.com/mp3guy/ElasticFusion
12、Hector SLAM
Github地址:
https://wiki.ros.org/hector_slam
13、GMapping
Github地址:
https://wiki.ros.org/gmapping
14、OKVIS
Github地址:
https://github.com/ethz-asl/okvis
15、ROVIO
Github地址:
https://github.com/ethz-asl/rovio
16、COSLAM
Github地址:
http://drone.sjtu.edu.cn/dpzou/project/coslam.php
17、DTSLAM
Github地址:https://github.com/plumonito/dtslam
18、REBVO
Github地址:
https://github.com/JuanTarrio/rebvo

SLAM相關數據集

  1. Malaga Dataset
  2. Tum: Computer Vision Lab: RGB-D
  3. KITTI Dataset
  4. University of Freiburg: Department of Computer Science
  5. MRPT
  6. ICDL-NUIM

SLAM學習書籍
《概率機器人》
《視覺SLAM十四講》
《計算機視覺中的多視圖幾何》
《機器人學中的狀態估計》
《Principles of Robot Motion Theory,Algorithms and Implementation》
在這裏插入圖片描述

發表評論
所有評論
還沒有人評論,想成為第一個評論的人麼? 請在上方評論欄輸入並且點擊發布.
相關文章