SlideShare a Scribd company logo
1 of 32
Open Science for the Challenges
of Medical Imaging AI
Stephen R. Aylward, Ph.D.
Chair of MONAI External Advisory Board
Senior Directory of Strategic Initiatives, Kitware
Special thanks to
Prerna Dogra (Nvidia), Jorge Cardoso (KCL),
and all of the MONAI developers
for their contributions
to these slides.
For more MONAI presentation material
for hackfests, courses, and self-directed studies,
please email me, Stephen.Aylward@kitware.com,
or any of the other MONAI advisory board members:
https://monai.io/about.html
Why is deep learning succeeding?
● Performance
● Open Science
-- Forbes.com
Deep Learning Success: Performance
< Left as an exercise for the audience >
Deep Learning Success: Open Science
● Open science is pervasive in deep learning
○ Open access publications: arXiv
○ Open access data: ImageNet, BU AIM, HL7, FIHR
○ Open access algorithms: Open source: PyTorch, MONAI
Medical Open Network for A. I. (MONAI)
Goal: Accelerate the pace of research and development
by providing a common software foundation and
a vibrant community for medical imaging deep learning.
■ Began as a collaboration between Nvidia and King’s College London
■ Prerna Dogra (Nvidia) and Jorge Cardoso (KCL)
■ Freely available and community-supported
■ PyTorch-based
■ Optimized for medical imaging
■ Reference implementation of best practices
Accelerate Pace of Research and Innovation
With a Common Foundation
Data
Augmentation
Neural
Network
Loss
FunctionData
Sample
MONAI
● Integrate rather than compete
● Build a community through value
Current Conditions
● Many options
● Incompatible interfaces and formats
● Extended learning curves
Validation
Data Evaluation
NiftyNet
(KCL)
DeepNeuro
(Harvard)
DLTK
(ICL)
Clara Train
(NVIDIA)
End2End workflow
facilitated by MONAI
. . . . . .
Primary focus of
MONAI
Linkage with MONAI
MONAI TECHNOLOGY STACK
Data
CacheDataset
PersistentDataset
ZipDataset
ArrayDataset
GridDataset
EnhancedDataLoader
Savers & Writers
Nifty, PNG & CSV
Inferers
SimpleInferer, Slidingwindow
Losses
DicesLoss & Extensions, FocalLoss,
TverskyLoss
Visualize
Plot 3D/2D images,
Plot statistics curve
Metrics
MeanDice, ROCAUC
Networks
UNET (2D & 3D); Layers &
blocks; DenseNet(2D & 3D)
Transforms
Spatial, Intensity
IO, Utility
Post, Compose
3rd Part adapter
BatchGenerator,
Rising,TorchI/O
FOUNDATIONAL COMPONENTS: Users can integrate Independent domain specialized components into PyTorch Programs
Engines
SupervisedTrainer
SupervisedEvaluator
Event Handlers
Checkpoint Loader; ValidationHandler; ClassificationSaver; CheckpointSaver; LrSchedulerHandler; StatsHandler;
TensorBoardHandlers; SegmentationSaver; MetricLogger
Metrics
MeanDice
ROCAUC
MONAI WORKFLOWS: Users can interface with MONAI workflows for ease of robust training & evaluation of Research Experiments
MONAI EXAMPLES: Riche set of examples & demo notebooks to demonstrate the capabilities and integration with OSS packages
Segmentation Classification GANs & AutoEncoder Federated Learning Get Started Notebooks
Built for Customizable & Ease of Integration
Multi-modality Support
Radiogenomics
Unconstrained and Optimized Models
Model Parallelism/Neural Archi. Search
Comprehensive Decision-making
COVID-19
End-to-end research lifecycle
DICOM/HL7 FHIR/Model Exchange & Deploy
MONAI RESEARCH: Implementations of state-of-the-art research publications
Why is MONAI Needed?
• Biomedical applications have specific requirements
• Image modalities require specific processing methods: MRI, CT, etc.
• Image formats require special support: DICOM, NIfTI, etc.
• Image meta-data must be considered: voxel spacing, HU, etc.
• Certain network architectures are designed for, or are highly suitable for,
biomedical applications
• Problem prioritization is domain specific: sample size limitations,
annotation uncertainties, etc.
Why is MONAI Needed?
Reproducibility is vital to clinical decision support
• Reduce re-implementation
• Provide baseline implementations
• Demonstrate best practices
• Stand on the shoulders of giants
How Does MONAI Address These Needs?
• MONAI provides flexible yet reproducible Pytorch-compatible methods
• Deterministic and validated modules
• Medical data I/O
• Data transforms to process, regularize, and augment image data
• Metrics, Loss Functions
• Checkpointing
• Standardized networks and training paradigms
• Support for multi-GPU and multi-node multi-GPU training
• Tutorials and documentation: Jupyter Notebooks and Ignite Workflows
Liaison with the community:
Recommend policies and priorities to development team
Working Groups of MONAI
1. IMAGING I/O – Stephen Aylward (Kitware)
2. DATA DIVERSITY – Brad Genereaux (Nvidia)
3. CHALLENGES – Lena Maier-Hein (DKFZ)
4. TRANSFORMATIONS – Jorge Cordoso (KCL)
5. FEDERATED LEARNING – Jayashree Kalapathy (MGH) and Daniel Rubin (Stanford)
6. ADVANCED RESEARCH – Paul Jaeger (DKFZ)
7. INTEGRATION AND DEPLOYMENT – David Bericat (Nvidia)
8. COMMUNITY ADOPTION – Prerna Dogra (Nvidia)
https://github.com/Project-MONAI/MONAI/wiki
MONAI IS A GROWING COMMUNITY
41
BOOTCAMP – IN NUMBERS
A LOT OF INTEREST IN THE COMMUNITY!
• Number of applicants: 563 attendance applications
• Accepted participants with cluster access (60)
• Additionally other participants “observers”
(140)
• From 40 different countries:
Australia, Austria, Belgium, China, Cyprus,
Czechia, Egypt, Ethiopia, France, Ghana,
Germany, Greece, Guatemala, Hong Kong,
India, Israel, Iran, Malta, Mexico, Nepal,
Netherlands, Norway, Oman, Peru, Poland,
Portugal, Saudi Arabia, Slovenia, South Korea,
Spain, Sweden, Switzerland, Turkey, United
Arab emirates, United Kingdom, United States
of America
A truly global event!
Installation
> pip install -q "monai[tqdm, nibabel, gdown, ignite]" "itk" "itkwidgets“
Data and Experiments
MONAI separates data from experiments
Data
Existing standards for Image I/O​
• ITK: DICOM via GDCM, HDF5, TIFF, Nifti, NRRD, and
tens of other.​
• Will allow custom readers for specialized image formats.​
Structured data collections​
• DataSets define data in reproducible sections
• Training, Testing, Validation sections
• Images, bounding boxes, etc.​
• DataLoader and Transforms for augmentation and pre-
processing per section
Experiments
• Batches and Metrics
• MONAI network architecture, loss functions, seeds, …
MONAI
Flexible and extensible design for data scientists and healthcare institutions
DataSets and DataLoaders
(ITK, MSD, BIDS, FHIR, etc.)
Sections: Training, Testing,
Validation
Experiment Definition
(Sampling, Batches,
Metrics, Network, etc.)
Transformer
Access Medical Data
17
Goal: Harmonize and simplify open data and biomedical challenges
• Participate in / use public challenges
• Define “challenges” (custom datasets) within your lab
Thin layer on top of PyTorch torch.data.utils.Dataset construct
• Automated (verified) download and unzip
• Caching of data as well as intermediate results of preprocessing
• Random splits of training, validation, and test
Transform data
Transforms per data section
MONAI TRANSFORMATION & AUGMENTATION
Medical Specific Transformations
- LoadNifti | Spacing | Orientation
- RandGaussianNoise |Normalize Intensirt
- Rand2DElastic | Rand3DElastic
Fused Spatial Transforms & GPU Optimization
- Affine Transform
- Random sampling: Class balanced fixed Ratio
- Deterministic training controlled by setting random seed
Multiple Transforms Chain
- CopyItem in data dictionary transforms
- ConcatItem combine for expected dimension
- DeleteItems save memory
- Scale intensity of same image into different ranges
Generic | Vanilla |Dictionary-based Transforms
LoadNifti AsChannelFirst Scale Intensity ConcatItems
AsChannelFirst
AsChannelFirst
Scale Intensity
Scale Intensity Network
Nifty Images
Brain
Window
Subdural
Window
Bone
Window
Load Image from File Make 2 Copies Different ranges &Scale Concat Together
MONAI Data Transforms
MONAI TRANSFORMATION & AUGMENTATION
3rd Party OSS Packages & MONAI adapter Tools
- Interoperability with other open source packages
- Accommodate different data for 3rd party Transforms
- Utility Transforms: ToTensor, ToNumpy, SqueeseDim
- BatchGenerator
- TorchIO
- Rising
Post-Processing & Integrate Third Party Transforms
INFERENCING & EVALUATION METRICS
Evaluation Metrics and Inference Patterns for Model Quality
SLIDING WINDOW INFERENCE
1. Generate slices from Window 2. Construct Batches 3. Execute on Network 4. Connect All Outputs
Domain Specialized Metrics
Hausdorff distance, Kappa coefficients
Youden’s J statistic, Relative volume tumor
Target registration error, etc.
Standard Metrics
Mean Dice,
Area under the ROC Curve, etc.
NETWORK ARCHITECTURE & LOSSES
1D/2D/3D Intermediate blocks and Generic Networks, such as UNet, DenseNet, GAN.
BLOCKS & LAYERS NETWORKS & LOSSES
(N/3-
10)3
(N/3-
2)3
(N/3-
4)3
(N/3-
6)3
(N/3-
8)3
(N-
40)3
(N-
34)3
(N-
38)3
(N-
36)3
(N-
42)3
(N-
44)3
(N-
46)3
(N/3-
12)3
(N/3-
14)3
(N/3-
16)3
(N-
48)3
(N-
48)3
(N-
32)3
(N/3
)3
Convolutional
layers
3 3
0
3
0
4
0
4
0
4
0
4
0
5
0
5
0
15
0
15
0
2
Fully
connected
layers
(N-
48)3
(N-
48)3
(N-
48)3
Upsam
ple
Ease-of-use Example
net = monai.networks.nets.UNet(
dimensions=2, # 2 or 3 for a 2D or 3D network
in_channels=1, # number of input channels
out_channels=1, # number of output channels
channels=[8, 16, 32], # channel counts for layers
strides=[2, 2] # strides for mid layers
)
2D UNet network
• 2 hidden layers: outputs has 8 channels, and the bottom (bottleneck) layer has outputs with
32 channels
• Stride values state the stride for the initial convolution, ie. downsampling in down path and
upsampling in up path
MONAI:End-End Training Workflow in 10 Lines of Code
from monai.application import MedNISTDataset
from monai.data import DataLoader
from monai.transforms import LoadPNGd, AddChanneld, ScaleIntensityd, ToTensord, Compose
from monai.networks.nets import densenet121
from monai.inferers import SimpleInferer
from monai.engines import SupervisedTrainer
transform = Compose(
[
LoadPNGd(keys="image"),
AddChanneld(keys="image"),
ScaleIntensityd(keys="image"),
ToTensord(keys=["image", "label"])
]
)
dataset = MedNISTDataset(root_dir="./", transform=transform, section="training", download=True)
trainer = SupervisedTrainer(
max_epochs=5,
train_data_loader=DataLoader(dataset, batch_size=2, shuffle=True, num_workers=4),
network=densenet121(spatial_dims=2, in_channels=1, out_channels=6),
optimizer=torch.optim.Adam(model.parameters(),lr=1e-5),
loss_function=torch.nn.CrossEntropyLoss(),
inferer=SimpleInferer()
)
trainer.run()
RESEARCH BASELINE IMPLEMENTATIONS
IEEE, MICCAI & Many More SOA Research Implementations to follow
FEDERATED LEARNING
Advanced Features to Enable Collaborative Research Coming Soon
Peer to Peer Federated Learning
Server Client Federated Learning
Federated Learning is a generic paradigm for Collaborative Learning
 Provide integration with existing FL Packages
 Focus on ‘Domain-Specialized Learning’ aspects
 Coming Soon!
NVIDIA Clara Federated Learning PySyftSubstra
CLARA PRE-TRAINED MODELS
Packaged as Medical Models ARchive (MMARs)
Liver Tumor Segmentation Lung Segmentation Chest CT Classification Brain Tumor Segmentation
Model Medical Task Data Network
Brain tumor segmentation 3D Segmentation MR (BraTS 2018) Res-UNet
Liver and tumor segmentation 3D Segmentation CT (medical Decath) Anisotropic Hybrid
Network (AH-Net)
COVID-19 Lung segmentation 3D Segmentation CT NIH + global
COVID-19 Chest CT classification 3D Classification NIH dataset DenseNet121
Chest X-ray classification 2D Classification PLCO
Vanderbilt (B. Landman)
NSF funding
Model Zoo
Converting
to MONAI
MONAI 0.5:
20+ models
Encapsulating a COVID-19 Algorithm into an Integrated AI Application
Nvidia CLARA
Learn
•Getting Started (Installation, Examples, Demos, etc.) https://monai.io/start.html
Contribute
•GitHub
•Community Guide: https://github.com/Project-MONAI/MONAI#community
•Contributing Guide: https://github.com/Project-MONAI/MONAI#contributing
•Issue Tracker: “Good First Issue” tag: https://github.com/Project-MONAI/MONAI/labels/good%20first%20issue
•PyTorch Forums. Tag @monai or see the MONAI user page. https://discuss.pytorch.org/u/MONAI/
•Stack Overflow. See existing tagged questions or create your own:
https://stackoverflow.com/questions/tagged/monai
•Join our Slack Channel. Fill out the Google Form here: https://forms.gle/QTxJq3hFictp31UM9
Engage with MONAI
Deep Learning Success
< Left as an exercise for the audience >
Stephen R. Aylward, Ph.D.
Chair of MONAI Advisory Board
Senior Directory of Strategic Initiatives, Kitware
https://monai.io/
https://github.com/Project-MONAI/

More Related Content

What's hot

AlexNet, VGG, GoogleNet, Resnet
AlexNet, VGG, GoogleNet, ResnetAlexNet, VGG, GoogleNet, Resnet
AlexNet, VGG, GoogleNet, ResnetJungwon Kim
 
Deep learning - A Visual Introduction
Deep learning - A Visual IntroductionDeep learning - A Visual Introduction
Deep learning - A Visual IntroductionLukas Masuch
 
SVM Tutorial
SVM TutorialSVM Tutorial
SVM Tutorialbutest
 
Support Vector Machine - How Support Vector Machine works | SVM in Machine Le...
Support Vector Machine - How Support Vector Machine works | SVM in Machine Le...Support Vector Machine - How Support Vector Machine works | SVM in Machine Le...
Support Vector Machine - How Support Vector Machine works | SVM in Machine Le...Simplilearn
 
Inception V3 Image Processing (1).pptx
Inception V3 Image Processing (1).pptxInception V3 Image Processing (1).pptx
Inception V3 Image Processing (1).pptxMahmoudMohamedAbdelb
 
Lecture 6: Ensemble Methods
Lecture 6: Ensemble Methods Lecture 6: Ensemble Methods
Lecture 6: Ensemble Methods Marina Santini
 
SMART HEALTH PREDICTION USING DATA MINING by Dr.Mahboob Khan Phd
SMART HEALTH PREDICTION USING DATA MINING by Dr.Mahboob Khan PhdSMART HEALTH PREDICTION USING DATA MINING by Dr.Mahboob Khan Phd
SMART HEALTH PREDICTION USING DATA MINING by Dr.Mahboob Khan PhdHealthcare consultant
 
مدخل إلى تعلم الآلة
مدخل إلى تعلم الآلةمدخل إلى تعلم الآلة
مدخل إلى تعلم الآلةFares Al-Qunaieer
 
Image feature extraction
Image feature extractionImage feature extraction
Image feature extractionRushin Shah
 
Machine-Learning-A-Z-Course-Downloadable-Slides-V1.5.pdf
Machine-Learning-A-Z-Course-Downloadable-Slides-V1.5.pdfMachine-Learning-A-Z-Course-Downloadable-Slides-V1.5.pdf
Machine-Learning-A-Z-Course-Downloadable-Slides-V1.5.pdfMaris R
 
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...Simplilearn
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural networkMojammilHusain
 
Linear regression
Linear regressionLinear regression
Linear regressionMartinHogg9
 
Convolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningConvolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningMohamed Loey
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...Simplilearn
 

What's hot (20)

AlexNet, VGG, GoogleNet, Resnet
AlexNet, VGG, GoogleNet, ResnetAlexNet, VGG, GoogleNet, Resnet
AlexNet, VGG, GoogleNet, Resnet
 
Deep learning - A Visual Introduction
Deep learning - A Visual IntroductionDeep learning - A Visual Introduction
Deep learning - A Visual Introduction
 
SVM Tutorial
SVM TutorialSVM Tutorial
SVM Tutorial
 
Support Vector Machine - How Support Vector Machine works | SVM in Machine Le...
Support Vector Machine - How Support Vector Machine works | SVM in Machine Le...Support Vector Machine - How Support Vector Machine works | SVM in Machine Le...
Support Vector Machine - How Support Vector Machine works | SVM in Machine Le...
 
Inception V3 Image Processing (1).pptx
Inception V3 Image Processing (1).pptxInception V3 Image Processing (1).pptx
Inception V3 Image Processing (1).pptx
 
Lecture 6: Ensemble Methods
Lecture 6: Ensemble Methods Lecture 6: Ensemble Methods
Lecture 6: Ensemble Methods
 
Machine Learning in R
Machine Learning in RMachine Learning in R
Machine Learning in R
 
SMART HEALTH PREDICTION USING DATA MINING by Dr.Mahboob Khan Phd
SMART HEALTH PREDICTION USING DATA MINING by Dr.Mahboob Khan PhdSMART HEALTH PREDICTION USING DATA MINING by Dr.Mahboob Khan Phd
SMART HEALTH PREDICTION USING DATA MINING by Dr.Mahboob Khan Phd
 
مدخل إلى تعلم الآلة
مدخل إلى تعلم الآلةمدخل إلى تعلم الآلة
مدخل إلى تعلم الآلة
 
Image feature extraction
Image feature extractionImage feature extraction
Image feature extraction
 
Machine-Learning-A-Z-Course-Downloadable-Slides-V1.5.pdf
Machine-Learning-A-Z-Course-Downloadable-Slides-V1.5.pdfMachine-Learning-A-Z-Course-Downloadable-Slides-V1.5.pdf
Machine-Learning-A-Z-Course-Downloadable-Slides-V1.5.pdf
 
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
Convolutional Neural Network - CNN | How CNN Works | Deep Learning Course | S...
 
Cloud Reference Model
Cloud Reference ModelCloud Reference Model
Cloud Reference Model
 
Convolutional neural network
Convolutional neural networkConvolutional neural network
Convolutional neural network
 
Deep learning
Deep learningDeep learning
Deep learning
 
Linear regression
Linear regressionLinear regression
Linear regression
 
Convolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep LearningConvolutional Neural Network Models - Deep Learning
Convolutional Neural Network Models - Deep Learning
 
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
What Is Deep Learning? | Introduction to Deep Learning | Deep Learning Tutori...
 
Cloud testing
Cloud testingCloud testing
Cloud testing
 
Ada boost
Ada boostAda boost
Ada boost
 

Similar to MONAI: Medical imaging AI for data scientists and developers @ 3D Slicer Project Week, 2020

MONAI and Open Science for Medical Imaging Deep Learning: SIPAIM 2020
MONAI and Open Science for Medical Imaging Deep Learning: SIPAIM 2020MONAI and Open Science for Medical Imaging Deep Learning: SIPAIM 2020
MONAI and Open Science for Medical Imaging Deep Learning: SIPAIM 2020Stephen Aylward
 
Platform for Big Data Analytics and Visual Analytics: CSIRO use cases. Februa...
Platform for Big Data Analytics and Visual Analytics: CSIRO use cases. Februa...Platform for Big Data Analytics and Visual Analytics: CSIRO use cases. Februa...
Platform for Big Data Analytics and Visual Analytics: CSIRO use cases. Februa...Tomasz Bednarz
 
Data Science.pptx NEW COURICUUMN IN DATA
Data Science.pptx NEW COURICUUMN IN DATAData Science.pptx NEW COURICUUMN IN DATA
Data Science.pptx NEW COURICUUMN IN DATAjaved75
 
Changing the Curation Equation: A Data Lifecycle Approach to Lowering Costs a...
Changing the Curation Equation: A Data Lifecycle Approach to Lowering Costs a...Changing the Curation Equation: A Data Lifecycle Approach to Lowering Costs a...
Changing the Curation Equation: A Data Lifecycle Approach to Lowering Costs a...SEAD
 
Towards a Community-driven Data Science Body of Knowledge – Data Management S...
Towards a Community-driven Data Science Body of Knowledge – Data Management S...Towards a Community-driven Data Science Body of Knowledge – Data Management S...
Towards a Community-driven Data Science Body of Knowledge – Data Management S...Research Data Alliance
 
Big Data in a neurophysiology research lab… what?
Big Data in a neurophysiology research lab… what?Big Data in a neurophysiology research lab… what?
Big Data in a neurophysiology research lab… what?J On The Beach
 
Research methods group accelarating impact by sharing data
Research methods group  accelarating impact by sharing dataResearch methods group  accelarating impact by sharing data
Research methods group accelarating impact by sharing dataWorld Agroforestry (ICRAF)
 
Fake news detection
Fake news detection Fake news detection
Fake news detection shalushamil
 
how to build a Length of Stay model for a ProofOfConcept project
how to build a Length of Stay model for a ProofOfConcept projecthow to build a Length of Stay model for a ProofOfConcept project
how to build a Length of Stay model for a ProofOfConcept projectZenodia Charpy
 
SPatially Explicit Data Discovery, Extraction and Evaluation Services (SPEDDE...
SPatially Explicit Data Discovery, Extraction and Evaluation Services (SPEDDE...SPatially Explicit Data Discovery, Extraction and Evaluation Services (SPEDDE...
SPatially Explicit Data Discovery, Extraction and Evaluation Services (SPEDDE...aceas13tern
 
Brochure quiterian DDWeb
Brochure quiterian DDWebBrochure quiterian DDWeb
Brochure quiterian DDWebJosep Arroyo
 
Data Science course in Hyderabad .
Data Science course in Hyderabad            .Data Science course in Hyderabad            .
Data Science course in Hyderabad .rajasrichalamala3zen
 
Data Science course in Hyderabad .
Data Science course in Hyderabad         .Data Science course in Hyderabad         .
Data Science course in Hyderabad .rajasrichalamala3zen
 
data science course in Hyderabad data science course in Hyderabad
data science course in Hyderabad data science course in Hyderabaddata science course in Hyderabad data science course in Hyderabad
data science course in Hyderabad data science course in Hyderabadakhilamadupativibhin
 
data science course training in Hyderabad
data science course training in Hyderabaddata science course training in Hyderabad
data science course training in Hyderabadmadhupriya3zen
 
data science course training in Hyderabad
data science course training in Hyderabaddata science course training in Hyderabad
data science course training in Hyderabadmadhupriya3zen
 
best data science course institutes in Hyderabad
best data science course institutes in Hyderabadbest data science course institutes in Hyderabad
best data science course institutes in Hyderabadrajasrichalamala3zen
 

Similar to MONAI: Medical imaging AI for data scientists and developers @ 3D Slicer Project Week, 2020 (20)

MONAI and Open Science for Medical Imaging Deep Learning: SIPAIM 2020
MONAI and Open Science for Medical Imaging Deep Learning: SIPAIM 2020MONAI and Open Science for Medical Imaging Deep Learning: SIPAIM 2020
MONAI and Open Science for Medical Imaging Deep Learning: SIPAIM 2020
 
Platform for Big Data Analytics and Visual Analytics: CSIRO use cases. Februa...
Platform for Big Data Analytics and Visual Analytics: CSIRO use cases. Februa...Platform for Big Data Analytics and Visual Analytics: CSIRO use cases. Februa...
Platform for Big Data Analytics and Visual Analytics: CSIRO use cases. Februa...
 
Data Science.pptx NEW COURICUUMN IN DATA
Data Science.pptx NEW COURICUUMN IN DATAData Science.pptx NEW COURICUUMN IN DATA
Data Science.pptx NEW COURICUUMN IN DATA
 
Changing the Curation Equation: A Data Lifecycle Approach to Lowering Costs a...
Changing the Curation Equation: A Data Lifecycle Approach to Lowering Costs a...Changing the Curation Equation: A Data Lifecycle Approach to Lowering Costs a...
Changing the Curation Equation: A Data Lifecycle Approach to Lowering Costs a...
 
Towards a Community-driven Data Science Body of Knowledge – Data Management S...
Towards a Community-driven Data Science Body of Knowledge – Data Management S...Towards a Community-driven Data Science Body of Knowledge – Data Management S...
Towards a Community-driven Data Science Body of Knowledge – Data Management S...
 
Data Science and Analysis.pptx
Data Science and Analysis.pptxData Science and Analysis.pptx
Data Science and Analysis.pptx
 
Big Data in a neurophysiology research lab… what?
Big Data in a neurophysiology research lab… what?Big Data in a neurophysiology research lab… what?
Big Data in a neurophysiology research lab… what?
 
Research methods group accelarating impact by sharing data
Research methods group  accelarating impact by sharing dataResearch methods group  accelarating impact by sharing data
Research methods group accelarating impact by sharing data
 
Fake news detection
Fake news detection Fake news detection
Fake news detection
 
how to build a Length of Stay model for a ProofOfConcept project
how to build a Length of Stay model for a ProofOfConcept projecthow to build a Length of Stay model for a ProofOfConcept project
how to build a Length of Stay model for a ProofOfConcept project
 
Challenges in medical imaging and the VISCERAL model
Challenges in medical imaging and the VISCERAL modelChallenges in medical imaging and the VISCERAL model
Challenges in medical imaging and the VISCERAL model
 
SPatially Explicit Data Discovery, Extraction and Evaluation Services (SPEDDE...
SPatially Explicit Data Discovery, Extraction and Evaluation Services (SPEDDE...SPatially Explicit Data Discovery, Extraction and Evaluation Services (SPEDDE...
SPatially Explicit Data Discovery, Extraction and Evaluation Services (SPEDDE...
 
Brochure quiterian DDWeb
Brochure quiterian DDWebBrochure quiterian DDWeb
Brochure quiterian DDWeb
 
Data Science course in Hyderabad .
Data Science course in Hyderabad            .Data Science course in Hyderabad            .
Data Science course in Hyderabad .
 
Data Science course in Hyderabad .
Data Science course in Hyderabad         .Data Science course in Hyderabad         .
Data Science course in Hyderabad .
 
data science course in Hyderabad data science course in Hyderabad
data science course in Hyderabad data science course in Hyderabaddata science course in Hyderabad data science course in Hyderabad
data science course in Hyderabad data science course in Hyderabad
 
data science course training in Hyderabad
data science course training in Hyderabaddata science course training in Hyderabad
data science course training in Hyderabad
 
data science course training in Hyderabad
data science course training in Hyderabaddata science course training in Hyderabad
data science course training in Hyderabad
 
data science.pptx
data science.pptxdata science.pptx
data science.pptx
 
best data science course institutes in Hyderabad
best data science course institutes in Hyderabadbest data science course institutes in Hyderabad
best data science course institutes in Hyderabad
 

Recently uploaded

The Most Attractive Hyderabad Call Girls Kothapet 𖠋 6297143586 𖠋 Will You Mis...
The Most Attractive Hyderabad Call Girls Kothapet 𖠋 6297143586 𖠋 Will You Mis...The Most Attractive Hyderabad Call Girls Kothapet 𖠋 6297143586 𖠋 Will You Mis...
The Most Attractive Hyderabad Call Girls Kothapet 𖠋 6297143586 𖠋 Will You Mis...chandars293
 
VIP Service Call Girls Sindhi Colony 📳 7877925207 For 18+ VIP Call Girl At Th...
VIP Service Call Girls Sindhi Colony 📳 7877925207 For 18+ VIP Call Girl At Th...VIP Service Call Girls Sindhi Colony 📳 7877925207 For 18+ VIP Call Girl At Th...
VIP Service Call Girls Sindhi Colony 📳 7877925207 For 18+ VIP Call Girl At Th...jageshsingh5554
 
Bangalore Call Girls Nelamangala Number 7001035870 Meetin With Bangalore Esc...
Bangalore Call Girls Nelamangala Number 7001035870  Meetin With Bangalore Esc...Bangalore Call Girls Nelamangala Number 7001035870  Meetin With Bangalore Esc...
Bangalore Call Girls Nelamangala Number 7001035870 Meetin With Bangalore Esc...narwatsonia7
 
Call Girls Ludhiana Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Ludhiana Just Call 9907093804 Top Class Call Girl Service AvailableCall Girls Ludhiana Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Ludhiana Just Call 9907093804 Top Class Call Girl Service AvailableDipal Arora
 
Night 7k to 12k Navi Mumbai Call Girl Photo 👉 BOOK NOW 9833363713 👈 ♀️ night ...
Night 7k to 12k Navi Mumbai Call Girl Photo 👉 BOOK NOW 9833363713 👈 ♀️ night ...Night 7k to 12k Navi Mumbai Call Girl Photo 👉 BOOK NOW 9833363713 👈 ♀️ night ...
Night 7k to 12k Navi Mumbai Call Girl Photo 👉 BOOK NOW 9833363713 👈 ♀️ night ...aartirawatdelhi
 
Call Girls Bareilly Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Bareilly Just Call 9907093804 Top Class Call Girl Service AvailableCall Girls Bareilly Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Bareilly Just Call 9907093804 Top Class Call Girl Service AvailableDipal Arora
 
Best Rate (Hyderabad) Call Girls Jahanuma ⟟ 8250192130 ⟟ High Class Call Girl...
Best Rate (Hyderabad) Call Girls Jahanuma ⟟ 8250192130 ⟟ High Class Call Girl...Best Rate (Hyderabad) Call Girls Jahanuma ⟟ 8250192130 ⟟ High Class Call Girl...
Best Rate (Hyderabad) Call Girls Jahanuma ⟟ 8250192130 ⟟ High Class Call Girl...astropune
 
High Profile Call Girls Coimbatore Saanvi☎️ 8250192130 Independent Escort Se...
High Profile Call Girls Coimbatore Saanvi☎️  8250192130 Independent Escort Se...High Profile Call Girls Coimbatore Saanvi☎️  8250192130 Independent Escort Se...
High Profile Call Girls Coimbatore Saanvi☎️ 8250192130 Independent Escort Se...narwatsonia7
 
Book Paid Powai Call Girls Mumbai 𖠋 9930245274 𖠋Low Budget Full Independent H...
Book Paid Powai Call Girls Mumbai 𖠋 9930245274 𖠋Low Budget Full Independent H...Book Paid Powai Call Girls Mumbai 𖠋 9930245274 𖠋Low Budget Full Independent H...
Book Paid Powai Call Girls Mumbai 𖠋 9930245274 𖠋Low Budget Full Independent H...Call Girls in Nagpur High Profile
 
(Rocky) Jaipur Call Girl - 09521753030 Escorts Service 50% Off with Cash ON D...
(Rocky) Jaipur Call Girl - 09521753030 Escorts Service 50% Off with Cash ON D...(Rocky) Jaipur Call Girl - 09521753030 Escorts Service 50% Off with Cash ON D...
(Rocky) Jaipur Call Girl - 09521753030 Escorts Service 50% Off with Cash ON D...indiancallgirl4rent
 
(👑VVIP ISHAAN ) Russian Call Girls Service Navi Mumbai🖕9920874524🖕Independent...
(👑VVIP ISHAAN ) Russian Call Girls Service Navi Mumbai🖕9920874524🖕Independent...(👑VVIP ISHAAN ) Russian Call Girls Service Navi Mumbai🖕9920874524🖕Independent...
(👑VVIP ISHAAN ) Russian Call Girls Service Navi Mumbai🖕9920874524🖕Independent...Taniya Sharma
 
Call Girls Aurangabad Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Aurangabad Just Call 9907093804 Top Class Call Girl Service AvailableCall Girls Aurangabad Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Aurangabad Just Call 9907093804 Top Class Call Girl Service AvailableDipal Arora
 
Call Girls Cuttack Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Cuttack Just Call 9907093804 Top Class Call Girl Service AvailableCall Girls Cuttack Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Cuttack Just Call 9907093804 Top Class Call Girl Service AvailableDipal Arora
 
Top Rated Bangalore Call Girls Mg Road ⟟ 8250192130 ⟟ Call Me For Genuine Sex...
Top Rated Bangalore Call Girls Mg Road ⟟ 8250192130 ⟟ Call Me For Genuine Sex...Top Rated Bangalore Call Girls Mg Road ⟟ 8250192130 ⟟ Call Me For Genuine Sex...
Top Rated Bangalore Call Girls Mg Road ⟟ 8250192130 ⟟ Call Me For Genuine Sex...narwatsonia7
 
VIP Call Girls Indore Kirti 💚😋 9256729539 🚀 Indore Escorts
VIP Call Girls Indore Kirti 💚😋  9256729539 🚀 Indore EscortsVIP Call Girls Indore Kirti 💚😋  9256729539 🚀 Indore Escorts
VIP Call Girls Indore Kirti 💚😋 9256729539 🚀 Indore Escortsaditipandeya
 
VIP Russian Call Girls in Varanasi Samaira 8250192130 Independent Escort Serv...
VIP Russian Call Girls in Varanasi Samaira 8250192130 Independent Escort Serv...VIP Russian Call Girls in Varanasi Samaira 8250192130 Independent Escort Serv...
VIP Russian Call Girls in Varanasi Samaira 8250192130 Independent Escort Serv...Neha Kaur
 
Call Girls Horamavu WhatsApp Number 7001035870 Meeting With Bangalore Escorts
Call Girls Horamavu WhatsApp Number 7001035870 Meeting With Bangalore EscortsCall Girls Horamavu WhatsApp Number 7001035870 Meeting With Bangalore Escorts
Call Girls Horamavu WhatsApp Number 7001035870 Meeting With Bangalore Escortsvidya singh
 
Top Rated Hyderabad Call Girls Erragadda ⟟ 6297143586 ⟟ Call Me For Genuine ...
Top Rated  Hyderabad Call Girls Erragadda ⟟ 6297143586 ⟟ Call Me For Genuine ...Top Rated  Hyderabad Call Girls Erragadda ⟟ 6297143586 ⟟ Call Me For Genuine ...
Top Rated Hyderabad Call Girls Erragadda ⟟ 6297143586 ⟟ Call Me For Genuine ...chandars293
 
Call Girls Faridabad Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Faridabad Just Call 9907093804 Top Class Call Girl Service AvailableCall Girls Faridabad Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Faridabad Just Call 9907093804 Top Class Call Girl Service AvailableDipal Arora
 

Recently uploaded (20)

The Most Attractive Hyderabad Call Girls Kothapet 𖠋 6297143586 𖠋 Will You Mis...
The Most Attractive Hyderabad Call Girls Kothapet 𖠋 6297143586 𖠋 Will You Mis...The Most Attractive Hyderabad Call Girls Kothapet 𖠋 6297143586 𖠋 Will You Mis...
The Most Attractive Hyderabad Call Girls Kothapet 𖠋 6297143586 𖠋 Will You Mis...
 
VIP Service Call Girls Sindhi Colony 📳 7877925207 For 18+ VIP Call Girl At Th...
VIP Service Call Girls Sindhi Colony 📳 7877925207 For 18+ VIP Call Girl At Th...VIP Service Call Girls Sindhi Colony 📳 7877925207 For 18+ VIP Call Girl At Th...
VIP Service Call Girls Sindhi Colony 📳 7877925207 For 18+ VIP Call Girl At Th...
 
Bangalore Call Girls Nelamangala Number 7001035870 Meetin With Bangalore Esc...
Bangalore Call Girls Nelamangala Number 7001035870  Meetin With Bangalore Esc...Bangalore Call Girls Nelamangala Number 7001035870  Meetin With Bangalore Esc...
Bangalore Call Girls Nelamangala Number 7001035870 Meetin With Bangalore Esc...
 
Call Girls Ludhiana Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Ludhiana Just Call 9907093804 Top Class Call Girl Service AvailableCall Girls Ludhiana Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Ludhiana Just Call 9907093804 Top Class Call Girl Service Available
 
Russian Call Girls in Delhi Tanvi ➡️ 9711199012 💋📞 Independent Escort Service...
Russian Call Girls in Delhi Tanvi ➡️ 9711199012 💋📞 Independent Escort Service...Russian Call Girls in Delhi Tanvi ➡️ 9711199012 💋📞 Independent Escort Service...
Russian Call Girls in Delhi Tanvi ➡️ 9711199012 💋📞 Independent Escort Service...
 
Night 7k to 12k Navi Mumbai Call Girl Photo 👉 BOOK NOW 9833363713 👈 ♀️ night ...
Night 7k to 12k Navi Mumbai Call Girl Photo 👉 BOOK NOW 9833363713 👈 ♀️ night ...Night 7k to 12k Navi Mumbai Call Girl Photo 👉 BOOK NOW 9833363713 👈 ♀️ night ...
Night 7k to 12k Navi Mumbai Call Girl Photo 👉 BOOK NOW 9833363713 👈 ♀️ night ...
 
Call Girls Bareilly Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Bareilly Just Call 9907093804 Top Class Call Girl Service AvailableCall Girls Bareilly Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Bareilly Just Call 9907093804 Top Class Call Girl Service Available
 
Best Rate (Hyderabad) Call Girls Jahanuma ⟟ 8250192130 ⟟ High Class Call Girl...
Best Rate (Hyderabad) Call Girls Jahanuma ⟟ 8250192130 ⟟ High Class Call Girl...Best Rate (Hyderabad) Call Girls Jahanuma ⟟ 8250192130 ⟟ High Class Call Girl...
Best Rate (Hyderabad) Call Girls Jahanuma ⟟ 8250192130 ⟟ High Class Call Girl...
 
High Profile Call Girls Coimbatore Saanvi☎️ 8250192130 Independent Escort Se...
High Profile Call Girls Coimbatore Saanvi☎️  8250192130 Independent Escort Se...High Profile Call Girls Coimbatore Saanvi☎️  8250192130 Independent Escort Se...
High Profile Call Girls Coimbatore Saanvi☎️ 8250192130 Independent Escort Se...
 
Book Paid Powai Call Girls Mumbai 𖠋 9930245274 𖠋Low Budget Full Independent H...
Book Paid Powai Call Girls Mumbai 𖠋 9930245274 𖠋Low Budget Full Independent H...Book Paid Powai Call Girls Mumbai 𖠋 9930245274 𖠋Low Budget Full Independent H...
Book Paid Powai Call Girls Mumbai 𖠋 9930245274 𖠋Low Budget Full Independent H...
 
(Rocky) Jaipur Call Girl - 09521753030 Escorts Service 50% Off with Cash ON D...
(Rocky) Jaipur Call Girl - 09521753030 Escorts Service 50% Off with Cash ON D...(Rocky) Jaipur Call Girl - 09521753030 Escorts Service 50% Off with Cash ON D...
(Rocky) Jaipur Call Girl - 09521753030 Escorts Service 50% Off with Cash ON D...
 
(👑VVIP ISHAAN ) Russian Call Girls Service Navi Mumbai🖕9920874524🖕Independent...
(👑VVIP ISHAAN ) Russian Call Girls Service Navi Mumbai🖕9920874524🖕Independent...(👑VVIP ISHAAN ) Russian Call Girls Service Navi Mumbai🖕9920874524🖕Independent...
(👑VVIP ISHAAN ) Russian Call Girls Service Navi Mumbai🖕9920874524🖕Independent...
 
Call Girls Aurangabad Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Aurangabad Just Call 9907093804 Top Class Call Girl Service AvailableCall Girls Aurangabad Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Aurangabad Just Call 9907093804 Top Class Call Girl Service Available
 
Call Girls Cuttack Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Cuttack Just Call 9907093804 Top Class Call Girl Service AvailableCall Girls Cuttack Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Cuttack Just Call 9907093804 Top Class Call Girl Service Available
 
Top Rated Bangalore Call Girls Mg Road ⟟ 8250192130 ⟟ Call Me For Genuine Sex...
Top Rated Bangalore Call Girls Mg Road ⟟ 8250192130 ⟟ Call Me For Genuine Sex...Top Rated Bangalore Call Girls Mg Road ⟟ 8250192130 ⟟ Call Me For Genuine Sex...
Top Rated Bangalore Call Girls Mg Road ⟟ 8250192130 ⟟ Call Me For Genuine Sex...
 
VIP Call Girls Indore Kirti 💚😋 9256729539 🚀 Indore Escorts
VIP Call Girls Indore Kirti 💚😋  9256729539 🚀 Indore EscortsVIP Call Girls Indore Kirti 💚😋  9256729539 🚀 Indore Escorts
VIP Call Girls Indore Kirti 💚😋 9256729539 🚀 Indore Escorts
 
VIP Russian Call Girls in Varanasi Samaira 8250192130 Independent Escort Serv...
VIP Russian Call Girls in Varanasi Samaira 8250192130 Independent Escort Serv...VIP Russian Call Girls in Varanasi Samaira 8250192130 Independent Escort Serv...
VIP Russian Call Girls in Varanasi Samaira 8250192130 Independent Escort Serv...
 
Call Girls Horamavu WhatsApp Number 7001035870 Meeting With Bangalore Escorts
Call Girls Horamavu WhatsApp Number 7001035870 Meeting With Bangalore EscortsCall Girls Horamavu WhatsApp Number 7001035870 Meeting With Bangalore Escorts
Call Girls Horamavu WhatsApp Number 7001035870 Meeting With Bangalore Escorts
 
Top Rated Hyderabad Call Girls Erragadda ⟟ 6297143586 ⟟ Call Me For Genuine ...
Top Rated  Hyderabad Call Girls Erragadda ⟟ 6297143586 ⟟ Call Me For Genuine ...Top Rated  Hyderabad Call Girls Erragadda ⟟ 6297143586 ⟟ Call Me For Genuine ...
Top Rated Hyderabad Call Girls Erragadda ⟟ 6297143586 ⟟ Call Me For Genuine ...
 
Call Girls Faridabad Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Faridabad Just Call 9907093804 Top Class Call Girl Service AvailableCall Girls Faridabad Just Call 9907093804 Top Class Call Girl Service Available
Call Girls Faridabad Just Call 9907093804 Top Class Call Girl Service Available
 

MONAI: Medical imaging AI for data scientists and developers @ 3D Slicer Project Week, 2020

  • 1. Open Science for the Challenges of Medical Imaging AI Stephen R. Aylward, Ph.D. Chair of MONAI External Advisory Board Senior Directory of Strategic Initiatives, Kitware
  • 2. Special thanks to Prerna Dogra (Nvidia), Jorge Cardoso (KCL), and all of the MONAI developers for their contributions to these slides. For more MONAI presentation material for hackfests, courses, and self-directed studies, please email me, Stephen.Aylward@kitware.com, or any of the other MONAI advisory board members: https://monai.io/about.html
  • 3. Why is deep learning succeeding? ● Performance ● Open Science -- Forbes.com
  • 4. Deep Learning Success: Performance < Left as an exercise for the audience >
  • 5. Deep Learning Success: Open Science ● Open science is pervasive in deep learning ○ Open access publications: arXiv ○ Open access data: ImageNet, BU AIM, HL7, FIHR ○ Open access algorithms: Open source: PyTorch, MONAI
  • 6. Medical Open Network for A. I. (MONAI) Goal: Accelerate the pace of research and development by providing a common software foundation and a vibrant community for medical imaging deep learning. ■ Began as a collaboration between Nvidia and King’s College London ■ Prerna Dogra (Nvidia) and Jorge Cardoso (KCL) ■ Freely available and community-supported ■ PyTorch-based ■ Optimized for medical imaging ■ Reference implementation of best practices
  • 7. Accelerate Pace of Research and Innovation With a Common Foundation Data Augmentation Neural Network Loss FunctionData Sample MONAI ● Integrate rather than compete ● Build a community through value Current Conditions ● Many options ● Incompatible interfaces and formats ● Extended learning curves Validation Data Evaluation NiftyNet (KCL) DeepNeuro (Harvard) DLTK (ICL) Clara Train (NVIDIA) End2End workflow facilitated by MONAI . . . . . . Primary focus of MONAI Linkage with MONAI
  • 8. MONAI TECHNOLOGY STACK Data CacheDataset PersistentDataset ZipDataset ArrayDataset GridDataset EnhancedDataLoader Savers & Writers Nifty, PNG & CSV Inferers SimpleInferer, Slidingwindow Losses DicesLoss & Extensions, FocalLoss, TverskyLoss Visualize Plot 3D/2D images, Plot statistics curve Metrics MeanDice, ROCAUC Networks UNET (2D & 3D); Layers & blocks; DenseNet(2D & 3D) Transforms Spatial, Intensity IO, Utility Post, Compose 3rd Part adapter BatchGenerator, Rising,TorchI/O FOUNDATIONAL COMPONENTS: Users can integrate Independent domain specialized components into PyTorch Programs Engines SupervisedTrainer SupervisedEvaluator Event Handlers Checkpoint Loader; ValidationHandler; ClassificationSaver; CheckpointSaver; LrSchedulerHandler; StatsHandler; TensorBoardHandlers; SegmentationSaver; MetricLogger Metrics MeanDice ROCAUC MONAI WORKFLOWS: Users can interface with MONAI workflows for ease of robust training & evaluation of Research Experiments MONAI EXAMPLES: Riche set of examples & demo notebooks to demonstrate the capabilities and integration with OSS packages Segmentation Classification GANs & AutoEncoder Federated Learning Get Started Notebooks Built for Customizable & Ease of Integration Multi-modality Support Radiogenomics Unconstrained and Optimized Models Model Parallelism/Neural Archi. Search Comprehensive Decision-making COVID-19 End-to-end research lifecycle DICOM/HL7 FHIR/Model Exchange & Deploy MONAI RESEARCH: Implementations of state-of-the-art research publications
  • 9. Why is MONAI Needed? • Biomedical applications have specific requirements • Image modalities require specific processing methods: MRI, CT, etc. • Image formats require special support: DICOM, NIfTI, etc. • Image meta-data must be considered: voxel spacing, HU, etc. • Certain network architectures are designed for, or are highly suitable for, biomedical applications • Problem prioritization is domain specific: sample size limitations, annotation uncertainties, etc.
  • 10. Why is MONAI Needed? Reproducibility is vital to clinical decision support • Reduce re-implementation • Provide baseline implementations • Demonstrate best practices • Stand on the shoulders of giants
  • 11. How Does MONAI Address These Needs? • MONAI provides flexible yet reproducible Pytorch-compatible methods • Deterministic and validated modules • Medical data I/O • Data transforms to process, regularize, and augment image data • Metrics, Loss Functions • Checkpointing • Standardized networks and training paradigms • Support for multi-GPU and multi-node multi-GPU training • Tutorials and documentation: Jupyter Notebooks and Ignite Workflows
  • 12. Liaison with the community: Recommend policies and priorities to development team Working Groups of MONAI 1. IMAGING I/O – Stephen Aylward (Kitware) 2. DATA DIVERSITY – Brad Genereaux (Nvidia) 3. CHALLENGES – Lena Maier-Hein (DKFZ) 4. TRANSFORMATIONS – Jorge Cordoso (KCL) 5. FEDERATED LEARNING – Jayashree Kalapathy (MGH) and Daniel Rubin (Stanford) 6. ADVANCED RESEARCH – Paul Jaeger (DKFZ) 7. INTEGRATION AND DEPLOYMENT – David Bericat (Nvidia) 8. COMMUNITY ADOPTION – Prerna Dogra (Nvidia) https://github.com/Project-MONAI/MONAI/wiki
  • 13. MONAI IS A GROWING COMMUNITY 41
  • 14. BOOTCAMP – IN NUMBERS A LOT OF INTEREST IN THE COMMUNITY! • Number of applicants: 563 attendance applications • Accepted participants with cluster access (60) • Additionally other participants “observers” (140) • From 40 different countries: Australia, Austria, Belgium, China, Cyprus, Czechia, Egypt, Ethiopia, France, Ghana, Germany, Greece, Guatemala, Hong Kong, India, Israel, Iran, Malta, Mexico, Nepal, Netherlands, Norway, Oman, Peru, Poland, Portugal, Saudi Arabia, Slovenia, South Korea, Spain, Sweden, Switzerland, Turkey, United Arab emirates, United Kingdom, United States of America A truly global event!
  • 15. Installation > pip install -q "monai[tqdm, nibabel, gdown, ignite]" "itk" "itkwidgets“
  • 16. Data and Experiments MONAI separates data from experiments Data Existing standards for Image I/O​ • ITK: DICOM via GDCM, HDF5, TIFF, Nifti, NRRD, and tens of other.​ • Will allow custom readers for specialized image formats.​ Structured data collections​ • DataSets define data in reproducible sections • Training, Testing, Validation sections • Images, bounding boxes, etc.​ • DataLoader and Transforms for augmentation and pre- processing per section Experiments • Batches and Metrics • MONAI network architecture, loss functions, seeds, … MONAI Flexible and extensible design for data scientists and healthcare institutions DataSets and DataLoaders (ITK, MSD, BIDS, FHIR, etc.) Sections: Training, Testing, Validation Experiment Definition (Sampling, Batches, Metrics, Network, etc.) Transformer
  • 17. Access Medical Data 17 Goal: Harmonize and simplify open data and biomedical challenges • Participate in / use public challenges • Define “challenges” (custom datasets) within your lab Thin layer on top of PyTorch torch.data.utils.Dataset construct • Automated (verified) download and unzip • Caching of data as well as intermediate results of preprocessing • Random splits of training, validation, and test
  • 20. MONAI TRANSFORMATION & AUGMENTATION Medical Specific Transformations - LoadNifti | Spacing | Orientation - RandGaussianNoise |Normalize Intensirt - Rand2DElastic | Rand3DElastic Fused Spatial Transforms & GPU Optimization - Affine Transform - Random sampling: Class balanced fixed Ratio - Deterministic training controlled by setting random seed Multiple Transforms Chain - CopyItem in data dictionary transforms - ConcatItem combine for expected dimension - DeleteItems save memory - Scale intensity of same image into different ranges Generic | Vanilla |Dictionary-based Transforms LoadNifti AsChannelFirst Scale Intensity ConcatItems AsChannelFirst AsChannelFirst Scale Intensity Scale Intensity Network Nifty Images Brain Window Subdural Window Bone Window Load Image from File Make 2 Copies Different ranges &Scale Concat Together
  • 22. MONAI TRANSFORMATION & AUGMENTATION 3rd Party OSS Packages & MONAI adapter Tools - Interoperability with other open source packages - Accommodate different data for 3rd party Transforms - Utility Transforms: ToTensor, ToNumpy, SqueeseDim - BatchGenerator - TorchIO - Rising Post-Processing & Integrate Third Party Transforms
  • 23. INFERENCING & EVALUATION METRICS Evaluation Metrics and Inference Patterns for Model Quality SLIDING WINDOW INFERENCE 1. Generate slices from Window 2. Construct Batches 3. Execute on Network 4. Connect All Outputs Domain Specialized Metrics Hausdorff distance, Kappa coefficients Youden’s J statistic, Relative volume tumor Target registration error, etc. Standard Metrics Mean Dice, Area under the ROC Curve, etc.
  • 24. NETWORK ARCHITECTURE & LOSSES 1D/2D/3D Intermediate blocks and Generic Networks, such as UNet, DenseNet, GAN. BLOCKS & LAYERS NETWORKS & LOSSES (N/3- 10)3 (N/3- 2)3 (N/3- 4)3 (N/3- 6)3 (N/3- 8)3 (N- 40)3 (N- 34)3 (N- 38)3 (N- 36)3 (N- 42)3 (N- 44)3 (N- 46)3 (N/3- 12)3 (N/3- 14)3 (N/3- 16)3 (N- 48)3 (N- 48)3 (N- 32)3 (N/3 )3 Convolutional layers 3 3 0 3 0 4 0 4 0 4 0 4 0 5 0 5 0 15 0 15 0 2 Fully connected layers (N- 48)3 (N- 48)3 (N- 48)3 Upsam ple
  • 25. Ease-of-use Example net = monai.networks.nets.UNet( dimensions=2, # 2 or 3 for a 2D or 3D network in_channels=1, # number of input channels out_channels=1, # number of output channels channels=[8, 16, 32], # channel counts for layers strides=[2, 2] # strides for mid layers ) 2D UNet network • 2 hidden layers: outputs has 8 channels, and the bottom (bottleneck) layer has outputs with 32 channels • Stride values state the stride for the initial convolution, ie. downsampling in down path and upsampling in up path
  • 26. MONAI:End-End Training Workflow in 10 Lines of Code from monai.application import MedNISTDataset from monai.data import DataLoader from monai.transforms import LoadPNGd, AddChanneld, ScaleIntensityd, ToTensord, Compose from monai.networks.nets import densenet121 from monai.inferers import SimpleInferer from monai.engines import SupervisedTrainer transform = Compose( [ LoadPNGd(keys="image"), AddChanneld(keys="image"), ScaleIntensityd(keys="image"), ToTensord(keys=["image", "label"]) ] ) dataset = MedNISTDataset(root_dir="./", transform=transform, section="training", download=True) trainer = SupervisedTrainer( max_epochs=5, train_data_loader=DataLoader(dataset, batch_size=2, shuffle=True, num_workers=4), network=densenet121(spatial_dims=2, in_channels=1, out_channels=6), optimizer=torch.optim.Adam(model.parameters(),lr=1e-5), loss_function=torch.nn.CrossEntropyLoss(), inferer=SimpleInferer() ) trainer.run()
  • 27. RESEARCH BASELINE IMPLEMENTATIONS IEEE, MICCAI & Many More SOA Research Implementations to follow
  • 28. FEDERATED LEARNING Advanced Features to Enable Collaborative Research Coming Soon Peer to Peer Federated Learning Server Client Federated Learning Federated Learning is a generic paradigm for Collaborative Learning  Provide integration with existing FL Packages  Focus on ‘Domain-Specialized Learning’ aspects  Coming Soon! NVIDIA Clara Federated Learning PySyftSubstra
  • 29. CLARA PRE-TRAINED MODELS Packaged as Medical Models ARchive (MMARs) Liver Tumor Segmentation Lung Segmentation Chest CT Classification Brain Tumor Segmentation Model Medical Task Data Network Brain tumor segmentation 3D Segmentation MR (BraTS 2018) Res-UNet Liver and tumor segmentation 3D Segmentation CT (medical Decath) Anisotropic Hybrid Network (AH-Net) COVID-19 Lung segmentation 3D Segmentation CT NIH + global COVID-19 Chest CT classification 3D Classification NIH dataset DenseNet121 Chest X-ray classification 2D Classification PLCO Vanderbilt (B. Landman) NSF funding Model Zoo Converting to MONAI MONAI 0.5: 20+ models
  • 30. Encapsulating a COVID-19 Algorithm into an Integrated AI Application Nvidia CLARA
  • 31. Learn •Getting Started (Installation, Examples, Demos, etc.) https://monai.io/start.html Contribute •GitHub •Community Guide: https://github.com/Project-MONAI/MONAI#community •Contributing Guide: https://github.com/Project-MONAI/MONAI#contributing •Issue Tracker: “Good First Issue” tag: https://github.com/Project-MONAI/MONAI/labels/good%20first%20issue •PyTorch Forums. Tag @monai or see the MONAI user page. https://discuss.pytorch.org/u/MONAI/ •Stack Overflow. See existing tagged questions or create your own: https://stackoverflow.com/questions/tagged/monai •Join our Slack Channel. Fill out the Google Form here: https://forms.gle/QTxJq3hFictp31UM9 Engage with MONAI
  • 32. Deep Learning Success < Left as an exercise for the audience > Stephen R. Aylward, Ph.D. Chair of MONAI Advisory Board Senior Directory of Strategic Initiatives, Kitware https://monai.io/ https://github.com/Project-MONAI/