空飛ぶロボットのつくりかた

ロボットをつくるために必要な技術をまとめます。ロボットの未来についても考えたりします。

機械学習のお勉強(Classification,Detection,Segmentationの有名論文)

All

CVPR論文まとめ

http://hirokatsukataoka.net/temp/cvpaper.challenge/cvpr17_finalize.pdf

Classification,Detection,Segmentation

UberNet

https://arxiv.org/pdf/1609.02132.pdf

Classification

全体

chainer/examples/imagenet at master · chainer/chainer · GitHub

AlexNet

論文

https://www.cs.toronto.edu/~kriz/imagenet_classification_with_deep_convolutional.pdf

論文まとめ

AlexNet論文 | 有意に無意味な話

【深層学習】畳み込みニューラルネットで画像分類 [DW 4日目] - Qiita

VGG16

論文

https://arxiv.org/pdf/1409.1556.pdf

論文まとめ

機械学習論文読み:VERY DEEP CONVOLUTIONAL NETWORKS FOR LARGE-SCALE IMAGE RECOGNITION - Qiita

Fine-tuning

http://www.nlab.ci.i.u-tokyo.ac.jp/pdf/CNN_survey.pdf

ResNet

論文

https://arxiv.org/pdf/1512.03385.pdf

論文まとめ

ResNet論文を読んだメモ(arXiv:1512.03385) - 緑茶思考ブログ

Res netと派生研究の紹介

機械学習論文読み:Deep Residual Learning for Image Recognition - Qiita

[Survey]Deep Residual Learning for Image Recognition - Qiita

Residual Network(ResNet)の理解とチューニングのベストプラクティス - DeepAge

SqueezeNet

Fireブロックを8つ重ねたモデル

論文

https://arxiv.org/pdf/1602.07360.pdf

論文まとめ

SqueezeNet: AlexNet-level accuracy with 50x fewer parameters and <1MB model sizeを読んだ

chainerbook/fcn_squeeze.py at master · ghmagazine/chainerbook · GitHub

https://www.semiconportal.com/archive/contribution/applications/170418-neurochip5-2.html

20160901 jwein

Squeezenet-residual by songhan

[Survey]SqueezeNet: AlexNet-level accuracy with 50x fewer parameters and <1MB model size - Qiita

2016年の深層学習を用いた画像認識モデル - Qiita

DenseNet

論文

https://arxiv.org/pdf/1608.06993.pdf

Git

GitHub - liuzhuang13/DenseNet: Densely Connected Convolutional Networks, In CVPR 2017 (Best Paper Award).

Local Binary Convolutional Neural Networks

https://arxiv.org/pdf/1608.06049.pdf

Detection

全体

Deep Learningによる一般物体検出アルゴリズムの紹介 - ABEJA Tech Blog

Object Detection & Instance Segmentationの論文紹介 | OHS勉強会#3

R-CNN

論文

https://arxiv.org/pdf/1311.2524.pdf

論文まとめ

R-CNNの原理とここ数年の流れ

20140131 R-CNN

Faster R-CNN

論文

https://arxiv.org/pdf/1506.01497.pdf

論文まとめ

論文紹介: Fast R-CNN&Faster R-CNN

yolo

YOLO: Real-Time Object Detection

論文

https://arxiv.org/pdf/1506.02640.pdf

https://arxiv.org/pdf/1612.08242.pdf

論文まとめ

Introduction to YOLO detection model

YOLO CVPR 2016 - Google スライド

SSD

論文

https://arxiv.org/pdf/1512.02325.pdf

論文まとめ

SSD: Single Shot MultiBox Detector (ECCV2016)

SSD:Single Shot Multibox Detector - Qiita

Mask R-CNN

論文

https://arxiv.org/pdf/1703.06870.pdf

論文まとめ

最新の物体検出手法Mask R-CNNのRoI AlignとFast(er) R-CNNのRoI Poolingの違いを正しく理解する - Qiita

輪郭/物体抽出の新スタンダードになるか? – Mask R-CNN

A Brief History of CNNs in Image Segmentation: From R-CNN to Mask R-CNN

https://lmb.informatik.uni-freiburg.de/lectures/seminar_brox/seminar_ss17/maskrcnn_slides.pdf

http://classes.engr.oregonstate.edu/eecs/spring2017/cs637/Slides/CS_637_Fast_Faster_Mask_RCNN.pdf

Segmentation

全体

A Review on Deep Learning Techniques Applied to Semantic Segmentation : https://arxiv.org/pdf/1704.06857.pdf

【ディープラーニング】 セマンティックセグメンテーション手法のまとめ - 旅行好きなソフトエンジニアの備忘録

FCN

論文

https://arxiv.org/pdf/1411.4038.pdf

論文まとめ

memo: Fully Convolutional Networks 〜 Chainerによる実装 〜

Implementation of FCN via Keras - MATHGRAM

ディープラーニング セグメンテーション手法のまとめ - 前に逃げる 〜宇宙系大学院生のブログ〜

A brief introduction to recent segmentation methods

Net Surgery

caffe/net_surgery.ipynb at master · BVLC/caffe · GitHub

Shift and Stitch trick

https://www.cs.virginia.edu/yanjun/paperA14/2016-MustCnn.pdf

Delated Convolution

論文

https://arxiv.org/pdf/1511.07122.pdf

論文まとめ

Dilated Convolution - ジョイジョイジョイ

wave net

https://arxiv.org/pdf/1609.03499.pdf

Instance sensitive FCN

論文

https://arxiv.org/pdf/1603.08678.pdf

論文まとめ

論文輪読: Instance-sensitive Fully Convolutional Networks

SegNet

論文

https://arxiv.org/pdf/1511.00561.pdf

論文まとめ

Semantic Segmentationのサーベイ - takminの書きっぱなし備忘録

A Brief Introduction to Recent Segmentation Methods - YouTube

ディープラーニング セグメンテーション手法のまとめ - 前に逃げる 〜宇宙系大学院生のブログ〜

Refine Net

論文

https://arxiv.org/pdf/1611.06612.pdf

Semantic Segmentation using Adversarial Networks

論文

https://arxiv.org/pdf/1611.08408.pdf

DeepMask

論文

https://arxiv.org/pdf/1506.06204.pdf

SharpMask

論文

https://arxiv.org/pdf/1603.08695.pdf

U Net

論文

U-Net: Convolutional Networks for Biomedical Image Segmentation

Pyramid Scene Parsing Network

イケてるらしい

CNNにて階層化されたマップを統合して意味情報を復元

セマンティックセグメンテーションにて一位@ILSVRC2016

論文

https://arxiv.org/pdf/1612.01105.pdf

論文まとめ

[unofficial] Pyramid Scene Parsing Network (CVPR 2017)

Git

GitHub - Vladkryvoruchko/PSPNet-Keras-tensorflow: original code : https://github.com/hszhao/PSPNet

GitHub - hszhao/PSPNet: Pyramid Scene Parsing Network

Pohlen_Full-Resolution_Residual_Networks

論文

http://openaccess.thecvf.com/content_cvpr_2017/papers/Pohlen_Full-Resolution_Residual_Networks_CVPR_2017_paper.pdf

Git

GitHub - TobyPDE/FRRN: Full Resolution Residual Networks for Semantic Image Segmentation

End-to-End Instance Segmentation with Recurrent Attention

論文

http://openaccess.thecvf.com/content_cvpr_2017/papers/Ren_End-To-End_Instance_Segmentation_CVPR_2017_paper.pdf

Object Region Mining with Adversarial Erasing(弱教師あり学習)

論文

https://arxiv.org/pdf/1703.08448.pdf

Bayesian SegNet

論文

https://arxiv.org/pdf/1511.02680.pdf

Git

GitHub - alexgkendall/SegNet-Tutorial: Files for a tutorial to train SegNet for road scenes using the CamVid dataset

Semi and Weakly Supervised Semantic Segmentation Using Generative Adversarial Network

論文

https://arxiv.org/pdf/1703.09695.pdf

論文の参考

http://www.mi.t.u-tokyo.ac.jp/kanezaki/pdf/3D_and_weaklearning.pdf

Global Average Pooling Layers for Object Localization

分類ラベルからsegmentationする新しいもの

論文

http://cnnlocalization.csail.mit.edu/Zhou_Learning_Deep_Features_CVPR_2016_paper.pdf

論文まとめ

Global Average Pooling Layers for Object Localization

比較論文

論文

https://arxiv.org/pdf/1605.07678.pdf

Speed/accuracy trade-offs for modern convolutional object detectors : https://arxiv.org/pdf/1611.10012.pdf

論文まとめ

CNNモデル比較論文 "An Analysis of Deep Neural Network Models for Practical Applications"を読んだ - 人間だったら考えて

その他の機械学習手法

CNN-SLAM

http://campar.in.tum.de/pub/tateno2017cvpr/tateno2017cvpr.pdf

CNN-SLAM: Real-time dense monocular SLAM with learned depth prediction - YouTube

http://campar.in.tum.de/Chair/ProjectCNNSLAM

OpenPose

GitHub - CMU-Perceptual-Computing-Lab/openpose: OpenPose: Real-Time Multi-Person Keypoint Detection Library for Body, Face, and Hands

ScanNet

ScanNet: Richly-annotated 3D Reconstructions of Indoor Scenes (CVPR 2017 Spotlight) - YouTube

PointNet

PointNet

Network Dessecion(中間層の理解)

https://arxiv.org/pdf/1704.05796.pdf

Multi-Scale Continuous CRFs as Sequential Deep Networks for Monocular Depth Estimation

RGBからDepthの推定

https://arxiv.org/pdf/1704.02157.pdf

Global Hypothesis Generation for 6D Object Pose Estimation

https://arxiv.org/pdf/1612.02287.pdf

Cognitive Mapping and Planning for Visual Navigation

ロボット視点からの画像から、マッピングとナビゲーションを同時に⾏い、ゴールまでの経路を推測する研究

https://arxiv.org/pdf/1702.03920.pdf

Cognitive Mapping and Planning

Kehl_Real-Time_3D_Model Tracking

RGB-D映像による3次元追跡を,シングルコアCPUで,2msの処理速度を実現

http://openaccess.thecvf.com/content_cvpr_2017/papers/Kehl_Real-Time_3D_Model_CVPR_2017_paper.pdf

Budget-Constrained 6D Object Pose Estimation via Reinforcement Learning

http://openaccess.thecvf.com/content_cvpr_2017/papers/Krull_PoseAgent_Budget-Constrained_6D_CVPR_2017_paper.pdf

Global hypothesis generation for 6D object-pose estimation

http://openaccess.thecvf.com/content_cvpr_2017/papers/Michel_Global_Hypothesis_Generation_CVPR_2017_paper.pdf

Fine-Tuning by Increasing Model Capacity

http://ri.cmu.edu/wp-content/uploads/2017/06/yuxiongw_cvpr17_growingcnn.pdf

A Point Set Generation Network for 3D Object Reconstruction From a Single Image

http://openaccess.thecvf.com/content_cvpr_2017/papers/Fan_A_Point_Set_CVPR_2017_paper.pdf

pix2pix

Image-to-Image Demo - Affine Layer

Learning Local Geometric Descriptors from RGBD Reconstructions

https://arxiv.org/pdf/1603.08182.pdf

Git

GitHub - andyzeng/3dmatch-toolbox: 3DMatch - a 3D ConvNet-based local geometric descriptor for aligning 3D meshes and point clouds.

Image Caption Generator

論文まとめ

Show and tell takmin

Neural Style Transfer

論文

https://www.cv-foundation.org/openaccess/content_cvpr_2016/papers/Gatys_Image_Style_Transfer_CVPR_2016_paper.pdf

論文まとめ

Neural Style Transfer: Prismaの背景技術を解説する

Conditional Random Fields

CRFがよくわからなくてお腹が痛くなってしまう人のための30分でわかるCRFのはなし - EchizenBlog-Zwei

latent Dirichlet allocation

LDA入門

スーパーピクセル

kmeans を使った画像のセグメンテーション - Qiita

http://www.vision.cs.chubu.ac.jp/flabresearcharchive/master/m07/paper/kida_paper.pdf

http://www.vision.cs.chubu.ac.jp/FLABResearchArchive/Master/M07/Abstract/kida_abst.pdf

http://www.nlab.ci.i.u-tokyo.ac.jp/pdf/ssii2015tamanaha.pdf