SlideShare uma empresa Scribd logo
1 de 21
1
DEEP LEARNING JP
[DL Papers]
http://deeplearning.jp/
Deep Learning in Medical Image Segmentation
Toru Fujino, SCSLab, UTokyo
発表概要
• 医用画像解析におけるセグメンテーション
• タスク
• 医用画像特有の問題
• 主に次のReview論文のsegmentationの章に従って発表
• G. Litjens et al., “A survey on deep learning in medical image analysis”,
Medical Image Analysis (2017)
医用画像解析とは
• 医用画像から有用な情報を抽出するタスク
• 画像の種類
• MRI画像, CT画像, X線画像, 顕微鏡画像, 超音波画像, マンモグラフィ
• 部位
• 脳, 肺, 細胞, 網膜血管, etc.
医用画像解析の主なタスク
• 分類
• セグメンテーション
• 位置特定 / 検出
• 位置合わせ (Registration)
セグメンテーション
• 画像の各ピクセルに対してクラスの予測確率を付与する
• 交差エントロピーを最小化
出典: Stanford University CS231n: Convolutional Neural Networks for Visual Recognition
医用画像におけるセグメンテーション
• 大きく2つに分けられる
• 臓器 / 下部構造 (substructure) セグメンテーション
• 心臓の心室, 脳の部位, 細胞
• 画像内の比較的大きい部位に対してのセグメンテーション
• 病変セグメンテーション
• 脳腫瘍, 目の網膜の異常部位
• 画像内の物体の位置を特定 -> セグメンテーション
• 病変部位は画像全体に対して比較的小さいことが多い
臓器 / 下部構造セグメンテーション
• 画像内の比較的大きい部位に対するセグメンテーション
• 細胞のセグメンテーション
• 3D画像からの腎臓のセグメンテーション
O. Ronneberger et al., “U-Net: Convolutional Networks for Biomedical Image Segmentation”, MICCAI (2015)
Ö. Çiçek et al., “3D U-Net: Learning Dense Volumetric Segmentation from Sparse Annotation”, MICCAI (2016)
U-Net [O. Ronneberger+ 2015]
• Downsampling -> Upsampling
• Skip connectionによりUpsamling時に元画像の情報を有効に活用
• 医用画像以外でも広く
利用される
O. Ronneberger et al., “U-Net: Convolutional Networks for Biomedical Image Segmentation”, MICCAI (2015)
3D U-Net [Ö. Çiçek+ 2016]
• 3D画像版のU-Net
• MRI画像などに適用
Ö. Çiçek et al., “3D U-Net: Learning Dense Volumetric Segmentation from Sparse Annotation”, MICCAI (2016)
病変セグメンテーション
• 病変の位置が様々
• 例) 脳腫瘍 (赤い部分)
• 病変部位は画像サイズに対して小さいことが多い
• 病変部位のlocalな情報 + 臓器全体に対する病変の位置情報
(global) の両方が必要
K. Kamnitsas et al., “Efficient multi-scale 3D CNN with fully connected CRF for accurate brain lesion segmentation”,
Medical Image Segmentation (2017)
病変セグメンテーション [M. Havaei+2017]
• 画像内のpatchごとにCNNに入力
• globalな情報 (下図の左上) とlocalな情報 (下図の左下) の両方を
考慮
• その後, さらに異なるサイズのカーネルで畳み込み
M. Havaei et al., “Brain Tumor Segmentation with Deep Neural Networks”, Medical Image Analysis (2017)
病変セグメンテーション [M. Havaei+2017]
• Dice: F値
• Specificity: 病変部位に対するprecision
• Sensitivity: 非病変部位に対するprecision
M. Havaei et al., “Brain Tumor Segmentation with Deep Neural Networks”, Medical Image Analysis (2017)
課題: 教師データがとても少ない
• アノテーションに専門的な知識が必要
• Privateなデータの共有の難しさ
• 代表的なデータセットでも数十〜数千枚程度
• DRIVE (網膜の血管画像): 学習用データ20枚, テストデータ20枚
• ISBI (細胞画像): 学習用データ30枚, テストデータ30枚
• CHASE_DB1 (網膜の血管画像): 28枚
• Data augmentation
• 転移学習
• アンサンブル学習
LadderNet [J. Zhuang 2018]
• U-Netを2つ繋げることで複数のpathを実現
• アンサンブル学習のような効果
J. Zhuang, “LadderNet: Multi-path networks based on U-Net for medical image segmentation”, arXiv (2018)
LadderNet [J. Zhuang 2018]
• U-Net等と比べて精度向上
J. Zhuang, “LadderNet: Multi-path networks based on U-Net for medical image segmentation”, arXiv (2018)
課題: 複数のground truthが存在する
• 「ここの部位が癌だ!」というのは専門医の間でも意見が分か
れる
肺のCT画像
複数の
ground truth
S. A. A. Kohl et al., ”A Probabilistic U-Net for Segmentation of Ambiguous Images”, NeurIPS (2018)
Probabilistic U-Net [Kohl+ 2018]
• Conditional VAE + U-Net
• セグメンテーションの生成分布を学習する
• (以前DL輪読会で谷村さんが発表)
S. A. A. Kohl et al., ”A Probabilistic U-Net for Segmentation of Ambiguous Images”, NeurIPS (2018)
課題: クラスのimbalanceさ
• 画像のほとんどのピクセルが病変でない場合
• すべてのピクセルを病変ではないと学習してしまう
脳のMRI (印は腫瘍がある箇所)
T. Brosch et al., “Deep 3D Convolutional Encoder Networks With Shortcuts for Multiscale Feature Integration
Applied to Multiple Sclerosis Lesion Segmentation”, IEEE Transactions on Medical Imaging (2016)
損失関数の工夫[Brosch+ 2016]
• 通常の誤差関数: 二乗誤差
• 病変部位・非病変部位の誤差に重みをつける
• r (sensitivity ratio): 病変部位の損失に対する重み
病変部位 非病変部位
T. Brosch et al., “Deep 3D Convolutional Encoder Networks With Shortcuts for Multiscale Feature Integration
Applied to Multiple Sclerosis Lesion Segmentation”, IEEE Transactions on Medical Imaging (2016)
損失関数の工夫[Brosch+ 2016]
• r (sensitivity ratio) は0.01 ~ 0.1. 結果はほぼ同じ.
T. Brosch et al., “Deep 3D Convolutional Encoder Networks With Shortcuts for Multiscale Feature Integration
Applied to Multiple Sclerosis Lesion Segmentation”, IEEE Transactions on Medical Imaging (2016)
ROC曲線
まとめ
• 臓器/下部構造セグメンテーションではシンプルなCNN
• 病変セグメンテーションではlocalな情報とglobalな情報を組み合
わせる必要がある
• 医用画像特有の課題
• 教師データの少なさ
• 複数のground truth
• クラスのimbalance
• etc.

Mais conteúdo relacionado

Mais procurados

Mais procurados (20)

[DL輪読会]When Does Label Smoothing Help?
[DL輪読会]When Does Label Smoothing Help?[DL輪読会]When Does Label Smoothing Help?
[DL輪読会]When Does Label Smoothing Help?
 
【DL輪読会】時系列予測 Transfomers の精度向上手法
【DL輪読会】時系列予測 Transfomers の精度向上手法【DL輪読会】時系列予測 Transfomers の精度向上手法
【DL輪読会】時系列予測 Transfomers の精度向上手法
 
Triplet Loss 徹底解説
Triplet Loss 徹底解説Triplet Loss 徹底解説
Triplet Loss 徹底解説
 
[DL輪読会]NVAE: A Deep Hierarchical Variational Autoencoder
[DL輪読会]NVAE: A Deep Hierarchical Variational Autoencoder[DL輪読会]NVAE: A Deep Hierarchical Variational Autoencoder
[DL輪読会]NVAE: A Deep Hierarchical Variational Autoencoder
 
【DL輪読会】Efficiently Modeling Long Sequences with Structured State Spaces
【DL輪読会】Efficiently Modeling Long Sequences with Structured State Spaces【DL輪読会】Efficiently Modeling Long Sequences with Structured State Spaces
【DL輪読会】Efficiently Modeling Long Sequences with Structured State Spaces
 
画像生成・生成モデル メタサーベイ
画像生成・生成モデル メタサーベイ画像生成・生成モデル メタサーベイ
画像生成・生成モデル メタサーベイ
 
Transformerを多層にする際の勾配消失問題と解決法について
Transformerを多層にする際の勾配消失問題と解決法についてTransformerを多層にする際の勾配消失問題と解決法について
Transformerを多層にする際の勾配消失問題と解決法について
 
[DL輪読会]ICLR2020の分布外検知速報
[DL輪読会]ICLR2020の分布外検知速報[DL輪読会]ICLR2020の分布外検知速報
[DL輪読会]ICLR2020の分布外検知速報
 
[DL輪読会] Spectral Norm Regularization for Improving the Generalizability of De...
[DL輪読会] Spectral Norm Regularization for Improving the Generalizability of De...[DL輪読会] Spectral Norm Regularization for Improving the Generalizability of De...
[DL輪読会] Spectral Norm Regularization for Improving the Generalizability of De...
 
Anomaly detection 系の論文を一言でまとめた
Anomaly detection 系の論文を一言でまとめたAnomaly detection 系の論文を一言でまとめた
Anomaly detection 系の論文を一言でまとめた
 
実装レベルで学ぶVQVAE
実装レベルで学ぶVQVAE実装レベルで学ぶVQVAE
実装レベルで学ぶVQVAE
 
SSII2022 [SS1] ニューラル3D表現の最新動向〜 ニューラルネットでなんでも表せる?? 〜​
SSII2022 [SS1] ニューラル3D表現の最新動向〜 ニューラルネットでなんでも表せる?? 〜​SSII2022 [SS1] ニューラル3D表現の最新動向〜 ニューラルネットでなんでも表せる?? 〜​
SSII2022 [SS1] ニューラル3D表現の最新動向〜 ニューラルネットでなんでも表せる?? 〜​
 
SSII2021 [OS2-02] 深層学習におけるデータ拡張の原理と最新動向
SSII2021 [OS2-02] 深層学習におけるデータ拡張の原理と最新動向SSII2021 [OS2-02] 深層学習におけるデータ拡張の原理と最新動向
SSII2021 [OS2-02] 深層学習におけるデータ拡張の原理と最新動向
 
【メタサーベイ】基盤モデル / Foundation Models
【メタサーベイ】基盤モデル / Foundation Models【メタサーベイ】基盤モデル / Foundation Models
【メタサーベイ】基盤モデル / Foundation Models
 
AdaFace(CVPR2022)
AdaFace(CVPR2022)AdaFace(CVPR2022)
AdaFace(CVPR2022)
 
[DL輪読会]Dense Captioning分野のまとめ
[DL輪読会]Dense Captioning分野のまとめ[DL輪読会]Dense Captioning分野のまとめ
[DL輪読会]Dense Captioning分野のまとめ
 
Transformer 動向調査 in 画像認識
Transformer 動向調査 in 画像認識Transformer 動向調査 in 画像認識
Transformer 動向調査 in 画像認識
 
【DL輪読会】Visual Classification via Description from Large Language Models (ICLR...
【DL輪読会】Visual Classification via Description from Large Language Models (ICLR...【DL輪読会】Visual Classification via Description from Large Language Models (ICLR...
【DL輪読会】Visual Classification via Description from Large Language Models (ICLR...
 
深層学習によるHuman Pose Estimationの基礎
深層学習によるHuman Pose Estimationの基礎深層学習によるHuman Pose Estimationの基礎
深層学習によるHuman Pose Estimationの基礎
 
モデルアーキテクチャ観点からのDeep Neural Network高速化
モデルアーキテクチャ観点からのDeep Neural Network高速化モデルアーキテクチャ観点からのDeep Neural Network高速化
モデルアーキテクチャ観点からのDeep Neural Network高速化
 

Semelhante a [DL輪読会]医用画像解析におけるセグメンテーション

Semelhante a [DL輪読会]医用画像解析におけるセグメンテーション (20)

探求の道 Lead Clearly
探求の道 Lead Clearly探求の道 Lead Clearly
探求の道 Lead Clearly
 
病院で働く技師による深層学習を用いた研究
病院で働く技師による深層学習を用いた研究病院で働く技師による深層学習を用いた研究
病院で働く技師による深層学習を用いた研究
 
190602 benchmarking neural network robustness to common corruptions and pertu...
190602 benchmarking neural network robustness to common corruptions and pertu...190602 benchmarking neural network robustness to common corruptions and pertu...
190602 benchmarking neural network robustness to common corruptions and pertu...
 
CycleGANによる異種モダリティ画像生成を用いた股関節MRIの筋骨格セグメンテーション
CycleGANによる異種モダリティ画像生成を用いた股関節MRIの筋骨格セグメンテーションCycleGANによる異種モダリティ画像生成を用いた股関節MRIの筋骨格セグメンテーション
CycleGANによる異種モダリティ画像生成を用いた股関節MRIの筋骨格セグメンテーション
 
超音波動画内の正中神経セグメンテーションと手根管症候群推定推定
超音波動画内の正中神経セグメンテーションと手根管症候群推定推定超音波動画内の正中神経セグメンテーションと手根管症候群推定推定
超音波動画内の正中神経セグメンテーションと手根管症候群推定推定
 
Paper: clinically accuratechestx-rayreport generation_noself
Paper: clinically accuratechestx-rayreport generation_noselfPaper: clinically accuratechestx-rayreport generation_noself
Paper: clinically accuratechestx-rayreport generation_noself
 
NVIDIA Seminar ディープラーニングによる画像認識と応用事例
NVIDIA Seminar ディープラーニングによる画像認識と応用事例NVIDIA Seminar ディープラーニングによる画像認識と応用事例
NVIDIA Seminar ディープラーニングによる画像認識と応用事例
 
20150930
2015093020150930
20150930
 
「解説資料」ViTPose: Simple Vision Transformer Baselines for Human Pose Estimation
「解説資料」ViTPose: Simple Vision Transformer Baselines for Human Pose Estimation 「解説資料」ViTPose: Simple Vision Transformer Baselines for Human Pose Estimation
「解説資料」ViTPose: Simple Vision Transformer Baselines for Human Pose Estimation
 
【DL輪読会】ViTPose: Simple Vision Transformer Baselines for Human Pose Estimation
【DL輪読会】ViTPose: Simple Vision Transformer Baselines for Human Pose Estimation【DL輪読会】ViTPose: Simple Vision Transformer Baselines for Human Pose Estimation
【DL輪読会】ViTPose: Simple Vision Transformer Baselines for Human Pose Estimation
 
tut_pfi_2012
tut_pfi_2012tut_pfi_2012
tut_pfi_2012
 
情報理工学院情報工学系村田研究室.pptx
情報理工学院情報工学系村田研究室.pptx情報理工学院情報工学系村田研究室.pptx
情報理工学院情報工学系村田研究室.pptx
 
第1回医用画像データマネージメント研究会 20170118 slideshare
第1回医用画像データマネージメント研究会 20170118 slideshare第1回医用画像データマネージメント研究会 20170118 slideshare
第1回医用画像データマネージメント研究会 20170118 slideshare
 
【CVPR 2020 メタサーベイ】Neural Generative Models
【CVPR 2020 メタサーベイ】Neural Generative Models【CVPR 2020 メタサーベイ】Neural Generative Models
【CVPR 2020 メタサーベイ】Neural Generative Models
 
Rethinking and Beyond ImageNet
Rethinking and Beyond ImageNetRethinking and Beyond ImageNet
Rethinking and Beyond ImageNet
 
[2019-03-14] JSPP19 深層学習による植物注釈タスクとPublic Cloud活用法
[2019-03-14] JSPP19 深層学習による植物注釈タスクとPublic Cloud活用法[2019-03-14] JSPP19 深層学習による植物注釈タスクとPublic Cloud活用法
[2019-03-14] JSPP19 深層学習による植物注釈タスクとPublic Cloud活用法
 
[DL輪読会]Diagnose like a Radiologist: Attention Guided Convolutional Neural Net...
[DL輪読会]Diagnose like a Radiologist: Attention Guided Convolutional Neural Net...[DL輪読会]Diagnose like a Radiologist: Attention Guided Convolutional Neural Net...
[DL輪読会]Diagnose like a Radiologist: Attention Guided Convolutional Neural Net...
 
Introduction of the_paper
Introduction of the_paperIntroduction of the_paper
Introduction of the_paper
 
【メタサーベイ】Face, Gesture, and Body Pose
【メタサーベイ】Face, Gesture, and Body Pose【メタサーベイ】Face, Gesture, and Body Pose
【メタサーベイ】Face, Gesture, and Body Pose
 
医用画像情報イントロダクション Ver.1 0_20160726
医用画像情報イントロダクション Ver.1 0_20160726医用画像情報イントロダクション Ver.1 0_20160726
医用画像情報イントロダクション Ver.1 0_20160726
 

Mais de Deep Learning JP

Mais de Deep Learning JP (20)

【DL輪読会】AdaptDiffuser: Diffusion Models as Adaptive Self-evolving Planners
【DL輪読会】AdaptDiffuser: Diffusion Models as Adaptive Self-evolving Planners【DL輪読会】AdaptDiffuser: Diffusion Models as Adaptive Self-evolving Planners
【DL輪読会】AdaptDiffuser: Diffusion Models as Adaptive Self-evolving Planners
 
【DL輪読会】事前学習用データセットについて
【DL輪読会】事前学習用データセットについて【DL輪読会】事前学習用データセットについて
【DL輪読会】事前学習用データセットについて
 
【DL輪読会】 "Learning to render novel views from wide-baseline stereo pairs." CVP...
【DL輪読会】 "Learning to render novel views from wide-baseline stereo pairs." CVP...【DL輪読会】 "Learning to render novel views from wide-baseline stereo pairs." CVP...
【DL輪読会】 "Learning to render novel views from wide-baseline stereo pairs." CVP...
 
【DL輪読会】Zero-Shot Dual-Lens Super-Resolution
【DL輪読会】Zero-Shot Dual-Lens Super-Resolution【DL輪読会】Zero-Shot Dual-Lens Super-Resolution
【DL輪読会】Zero-Shot Dual-Lens Super-Resolution
 
【DL輪読会】BloombergGPT: A Large Language Model for Finance arxiv
【DL輪読会】BloombergGPT: A Large Language Model for Finance arxiv【DL輪読会】BloombergGPT: A Large Language Model for Finance arxiv
【DL輪読会】BloombergGPT: A Large Language Model for Finance arxiv
 
【DL輪読会】マルチモーダル LLM
【DL輪読会】マルチモーダル LLM【DL輪読会】マルチモーダル LLM
【DL輪読会】マルチモーダル LLM
 
【 DL輪読会】ToolLLM: Facilitating Large Language Models to Master 16000+ Real-wo...
 【 DL輪読会】ToolLLM: Facilitating Large Language Models to Master 16000+ Real-wo... 【 DL輪読会】ToolLLM: Facilitating Large Language Models to Master 16000+ Real-wo...
【 DL輪読会】ToolLLM: Facilitating Large Language Models to Master 16000+ Real-wo...
 
【DL輪読会】AnyLoc: Towards Universal Visual Place Recognition
【DL輪読会】AnyLoc: Towards Universal Visual Place Recognition【DL輪読会】AnyLoc: Towards Universal Visual Place Recognition
【DL輪読会】AnyLoc: Towards Universal Visual Place Recognition
 
【DL輪読会】Can Neural Network Memorization Be Localized?
【DL輪読会】Can Neural Network Memorization Be Localized?【DL輪読会】Can Neural Network Memorization Be Localized?
【DL輪読会】Can Neural Network Memorization Be Localized?
 
【DL輪読会】Hopfield network 関連研究について
【DL輪読会】Hopfield network 関連研究について【DL輪読会】Hopfield network 関連研究について
【DL輪読会】Hopfield network 関連研究について
 
【DL輪読会】SimPer: Simple self-supervised learning of periodic targets( ICLR 2023 )
【DL輪読会】SimPer: Simple self-supervised learning of periodic targets( ICLR 2023 )【DL輪読会】SimPer: Simple self-supervised learning of periodic targets( ICLR 2023 )
【DL輪読会】SimPer: Simple self-supervised learning of periodic targets( ICLR 2023 )
 
【DL輪読会】RLCD: Reinforcement Learning from Contrast Distillation for Language M...
【DL輪読会】RLCD: Reinforcement Learning from Contrast Distillation for Language M...【DL輪読会】RLCD: Reinforcement Learning from Contrast Distillation for Language M...
【DL輪読会】RLCD: Reinforcement Learning from Contrast Distillation for Language M...
 
【DL輪読会】"Secrets of RLHF in Large Language Models Part I: PPO"
【DL輪読会】"Secrets of RLHF in Large Language Models Part I: PPO"【DL輪読会】"Secrets of RLHF in Large Language Models Part I: PPO"
【DL輪読会】"Secrets of RLHF in Large Language Models Part I: PPO"
 
【DL輪読会】"Language Instructed Reinforcement Learning for Human-AI Coordination "
【DL輪読会】"Language Instructed Reinforcement Learning  for Human-AI Coordination "【DL輪読会】"Language Instructed Reinforcement Learning  for Human-AI Coordination "
【DL輪読会】"Language Instructed Reinforcement Learning for Human-AI Coordination "
 
【DL輪読会】Llama 2: Open Foundation and Fine-Tuned Chat Models
【DL輪読会】Llama 2: Open Foundation and Fine-Tuned Chat Models【DL輪読会】Llama 2: Open Foundation and Fine-Tuned Chat Models
【DL輪読会】Llama 2: Open Foundation and Fine-Tuned Chat Models
 
【DL輪読会】"Learning Fine-Grained Bimanual Manipulation with Low-Cost Hardware"
【DL輪読会】"Learning Fine-Grained Bimanual Manipulation with Low-Cost Hardware"【DL輪読会】"Learning Fine-Grained Bimanual Manipulation with Low-Cost Hardware"
【DL輪読会】"Learning Fine-Grained Bimanual Manipulation with Low-Cost Hardware"
 
【DL輪読会】Parameter is Not All You Need:Starting from Non-Parametric Networks fo...
【DL輪読会】Parameter is Not All You Need:Starting from Non-Parametric Networks fo...【DL輪読会】Parameter is Not All You Need:Starting from Non-Parametric Networks fo...
【DL輪読会】Parameter is Not All You Need:Starting from Non-Parametric Networks fo...
 
【DL輪読会】Drag Your GAN: Interactive Point-based Manipulation on the Generative ...
【DL輪読会】Drag Your GAN: Interactive Point-based Manipulation on the Generative ...【DL輪読会】Drag Your GAN: Interactive Point-based Manipulation on the Generative ...
【DL輪読会】Drag Your GAN: Interactive Point-based Manipulation on the Generative ...
 
【DL輪読会】Self-Supervised Learning from Images with a Joint-Embedding Predictive...
【DL輪読会】Self-Supervised Learning from Images with a Joint-Embedding Predictive...【DL輪読会】Self-Supervised Learning from Images with a Joint-Embedding Predictive...
【DL輪読会】Self-Supervised Learning from Images with a Joint-Embedding Predictive...
 
【DL輪読会】Towards Understanding Ensemble, Knowledge Distillation and Self-Distil...
【DL輪読会】Towards Understanding Ensemble, Knowledge Distillation and Self-Distil...【DL輪読会】Towards Understanding Ensemble, Knowledge Distillation and Self-Distil...
【DL輪読会】Towards Understanding Ensemble, Knowledge Distillation and Self-Distil...
 

[DL輪読会]医用画像解析におけるセグメンテーション