SlideShare una empresa de Scribd logo
1 de 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/

Más contenido relacionado

La actualidad más candente

Image segmentation with deep learning
Image segmentation with deep learningImage segmentation with deep learning
Image segmentation with deep learningAntonio Rueda-Toicen
 
Lecture 6: Ensemble Methods
Lecture 6: Ensemble Methods Lecture 6: Ensemble Methods
Lecture 6: Ensemble Methods Marina Santini
 
Testing Hadoop jobs with MRUnit
Testing Hadoop jobs with MRUnitTesting Hadoop jobs with MRUnit
Testing Hadoop jobs with MRUnitEric Wendelin
 
CNNs: from the Basics to Recent Advances
CNNs: from the Basics to Recent AdvancesCNNs: from the Basics to Recent Advances
CNNs: from the Basics to Recent AdvancesDmytro Mishkin
 
Bpr bayesian personalized ranking from implicit feedback
Bpr bayesian personalized ranking from implicit feedbackBpr bayesian personalized ranking from implicit feedback
Bpr bayesian personalized ranking from implicit feedbackPark JunPyo
 
Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)Prakhar Rastogi
 
NBDT : Neural-backed Decision Tree 2021 ICLR
 NBDT : Neural-backed Decision Tree 2021 ICLR NBDT : Neural-backed Decision Tree 2021 ICLR
NBDT : Neural-backed Decision Tree 2021 ICLRtaeseon ryu
 
Tutorial on Deep Learning in Recommender System, Lars summer school 2019
Tutorial on Deep Learning in Recommender System, Lars summer school 2019Tutorial on Deep Learning in Recommender System, Lars summer school 2019
Tutorial on Deep Learning in Recommender System, Lars summer school 2019Anoop Deoras
 
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...Edge AI and Vision Alliance
 
InfoGAN and Generative Adversarial Networks
InfoGAN and Generative Adversarial NetworksInfoGAN and Generative Adversarial Networks
InfoGAN and Generative Adversarial NetworksZak Jost
 
Temporal difference learning
Temporal difference learningTemporal difference learning
Temporal difference learningJie-Han Chen
 
Actor critic algorithm
Actor critic algorithmActor critic algorithm
Actor critic algorithmJie-Han Chen
 
Lessons Learned from Building Machine Learning Software at Netflix
Lessons Learned from Building Machine Learning Software at NetflixLessons Learned from Building Machine Learning Software at Netflix
Lessons Learned from Building Machine Learning Software at NetflixJustin Basilico
 
Generative Adversarial Networks (GANs) - Ian Goodfellow, OpenAI
Generative Adversarial Networks (GANs) - Ian Goodfellow, OpenAIGenerative Adversarial Networks (GANs) - Ian Goodfellow, OpenAI
Generative Adversarial Networks (GANs) - Ian Goodfellow, OpenAIWithTheBest
 
ensemble learning
ensemble learningensemble learning
ensemble learningbutest
 
Autoencoders
AutoencodersAutoencoders
AutoencodersCloudxLab
 
"The Many Faces of Robustness: A Critical Analysis of Out-of-Distribution Gen...
"The Many Faces of Robustness: A Critical Analysis of Out-of-Distribution Gen..."The Many Faces of Robustness: A Critical Analysis of Out-of-Distribution Gen...
"The Many Faces of Robustness: A Critical Analysis of Out-of-Distribution Gen...LEE HOSEONG
 
07 dimensionality reduction
07 dimensionality reduction07 dimensionality reduction
07 dimensionality reductionMarco Quartulli
 
Mathematics, Machine Learning and ML Engineering
Mathematics, Machine Learning and ML EngineeringMathematics, Machine Learning and ML Engineering
Mathematics, Machine Learning and ML EngineeringGopi Krishna Nuti
 

La actualidad más candente (20)

Image segmentation with deep learning
Image segmentation with deep learningImage segmentation with deep learning
Image segmentation with deep learning
 
Lecture 6: Ensemble Methods
Lecture 6: Ensemble Methods Lecture 6: Ensemble Methods
Lecture 6: Ensemble Methods
 
DirectX 11 Rendering in Battlefield 3
DirectX 11 Rendering in Battlefield 3DirectX 11 Rendering in Battlefield 3
DirectX 11 Rendering in Battlefield 3
 
Testing Hadoop jobs with MRUnit
Testing Hadoop jobs with MRUnitTesting Hadoop jobs with MRUnit
Testing Hadoop jobs with MRUnit
 
CNNs: from the Basics to Recent Advances
CNNs: from the Basics to Recent AdvancesCNNs: from the Basics to Recent Advances
CNNs: from the Basics to Recent Advances
 
Bpr bayesian personalized ranking from implicit feedback
Bpr bayesian personalized ranking from implicit feedbackBpr bayesian personalized ranking from implicit feedback
Bpr bayesian personalized ranking from implicit feedback
 
Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)Generative Adversarial Network (GAN)
Generative Adversarial Network (GAN)
 
NBDT : Neural-backed Decision Tree 2021 ICLR
 NBDT : Neural-backed Decision Tree 2021 ICLR NBDT : Neural-backed Decision Tree 2021 ICLR
NBDT : Neural-backed Decision Tree 2021 ICLR
 
Tutorial on Deep Learning in Recommender System, Lars summer school 2019
Tutorial on Deep Learning in Recommender System, Lars summer school 2019Tutorial on Deep Learning in Recommender System, Lars summer school 2019
Tutorial on Deep Learning in Recommender System, Lars summer school 2019
 
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
“An Introduction to Data Augmentation Techniques in ML Frameworks,” a Present...
 
InfoGAN and Generative Adversarial Networks
InfoGAN and Generative Adversarial NetworksInfoGAN and Generative Adversarial Networks
InfoGAN and Generative Adversarial Networks
 
Temporal difference learning
Temporal difference learningTemporal difference learning
Temporal difference learning
 
Actor critic algorithm
Actor critic algorithmActor critic algorithm
Actor critic algorithm
 
Lessons Learned from Building Machine Learning Software at Netflix
Lessons Learned from Building Machine Learning Software at NetflixLessons Learned from Building Machine Learning Software at Netflix
Lessons Learned from Building Machine Learning Software at Netflix
 
Generative Adversarial Networks (GANs) - Ian Goodfellow, OpenAI
Generative Adversarial Networks (GANs) - Ian Goodfellow, OpenAIGenerative Adversarial Networks (GANs) - Ian Goodfellow, OpenAI
Generative Adversarial Networks (GANs) - Ian Goodfellow, OpenAI
 
ensemble learning
ensemble learningensemble learning
ensemble learning
 
Autoencoders
AutoencodersAutoencoders
Autoencoders
 
"The Many Faces of Robustness: A Critical Analysis of Out-of-Distribution Gen...
"The Many Faces of Robustness: A Critical Analysis of Out-of-Distribution Gen..."The Many Faces of Robustness: A Critical Analysis of Out-of-Distribution Gen...
"The Many Faces of Robustness: A Critical Analysis of Out-of-Distribution Gen...
 
07 dimensionality reduction
07 dimensionality reduction07 dimensionality reduction
07 dimensionality reduction
 
Mathematics, Machine Learning and ML Engineering
Mathematics, Machine Learning and ML EngineeringMathematics, Machine Learning and ML Engineering
Mathematics, Machine Learning and ML Engineering
 

Similar a 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
 
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
 
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
 

Similar a 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
 
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
 
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
 

Último

Model Call Girls In Chennai WhatsApp Booking 7427069034 call girl service 24 ...
Model Call Girls In Chennai WhatsApp Booking 7427069034 call girl service 24 ...Model Call Girls In Chennai WhatsApp Booking 7427069034 call girl service 24 ...
Model Call Girls In Chennai WhatsApp Booking 7427069034 call girl service 24 ...hotbabesbook
 
Premium Call Girls In Jaipur {8445551418} ❤️VVIP SEEMA Call Girl in Jaipur Ra...
Premium Call Girls In Jaipur {8445551418} ❤️VVIP SEEMA Call Girl in Jaipur Ra...Premium Call Girls In Jaipur {8445551418} ❤️VVIP SEEMA Call Girl in Jaipur Ra...
Premium Call Girls In Jaipur {8445551418} ❤️VVIP SEEMA Call Girl in Jaipur Ra...parulsinha
 
Call Girls Ahmedabad Just Call 9630942363 Top Class Call Girl Service Available
Call Girls Ahmedabad Just Call 9630942363 Top Class Call Girl Service AvailableCall Girls Ahmedabad Just Call 9630942363 Top Class Call Girl Service Available
Call Girls Ahmedabad Just Call 9630942363 Top Class Call Girl Service AvailableGENUINE ESCORT AGENCY
 
8980367676 Call Girls In Ahmedabad Escort Service Available 24×7 In Ahmedabad
8980367676 Call Girls In Ahmedabad Escort Service Available 24×7 In Ahmedabad8980367676 Call Girls In Ahmedabad Escort Service Available 24×7 In Ahmedabad
8980367676 Call Girls In Ahmedabad Escort Service Available 24×7 In AhmedabadGENUINE ESCORT AGENCY
 
Russian Call Girls Lucknow Just Call 👉👉7877925207 Top Class Call Girl Service...
Russian Call Girls Lucknow Just Call 👉👉7877925207 Top Class Call Girl Service...Russian Call Girls Lucknow Just Call 👉👉7877925207 Top Class Call Girl Service...
Russian Call Girls Lucknow Just Call 👉👉7877925207 Top Class Call Girl Service...adilkhan87451
 
Call Girls Kolkata Kalikapur 💯Call Us 🔝 8005736733 🔝 💃 Top Class Call Girl Se...
Call Girls Kolkata Kalikapur 💯Call Us 🔝 8005736733 🔝 💃 Top Class Call Girl Se...Call Girls Kolkata Kalikapur 💯Call Us 🔝 8005736733 🔝 💃 Top Class Call Girl Se...
Call Girls Kolkata Kalikapur 💯Call Us 🔝 8005736733 🔝 💃 Top Class Call Girl Se...Namrata Singh
 
Call Girls Madurai Just Call 9630942363 Top Class Call Girl Service Available
Call Girls Madurai Just Call 9630942363 Top Class Call Girl Service AvailableCall Girls Madurai Just Call 9630942363 Top Class Call Girl Service Available
Call Girls Madurai Just Call 9630942363 Top Class Call Girl Service AvailableGENUINE ESCORT AGENCY
 
Trichy Call Girls Book Now 9630942363 Top Class Trichy Escort Service Available
Trichy Call Girls Book Now 9630942363 Top Class Trichy Escort Service AvailableTrichy Call Girls Book Now 9630942363 Top Class Trichy Escort Service Available
Trichy Call Girls Book Now 9630942363 Top Class Trichy Escort Service AvailableGENUINE ESCORT AGENCY
 
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
 
Independent Call Girls In Jaipur { 8445551418 } ✔ ANIKA MEHTA ✔ Get High Prof...
Independent Call Girls In Jaipur { 8445551418 } ✔ ANIKA MEHTA ✔ Get High Prof...Independent Call Girls In Jaipur { 8445551418 } ✔ ANIKA MEHTA ✔ Get High Prof...
Independent Call Girls In Jaipur { 8445551418 } ✔ ANIKA MEHTA ✔ Get High Prof...parulsinha
 
Call Girls Hosur Just Call 9630942363 Top Class Call Girl Service Available
Call Girls Hosur Just Call 9630942363 Top Class Call Girl Service AvailableCall Girls Hosur Just Call 9630942363 Top Class Call Girl Service Available
Call Girls Hosur Just Call 9630942363 Top Class Call Girl Service AvailableGENUINE ESCORT AGENCY
 
Call Girls Service Jaipur {8445551418} ❤️VVIP BHAWNA Call Girl in Jaipur Raja...
Call Girls Service Jaipur {8445551418} ❤️VVIP BHAWNA Call Girl in Jaipur Raja...Call Girls Service Jaipur {8445551418} ❤️VVIP BHAWNA Call Girl in Jaipur Raja...
Call Girls Service Jaipur {8445551418} ❤️VVIP BHAWNA Call Girl in Jaipur Raja...parulsinha
 
💕SONAM KUMAR💕Premium Call Girls Jaipur ↘️9257276172 ↙️One Night Stand With Lo...
💕SONAM KUMAR💕Premium Call Girls Jaipur ↘️9257276172 ↙️One Night Stand With Lo...💕SONAM KUMAR💕Premium Call Girls Jaipur ↘️9257276172 ↙️One Night Stand With Lo...
💕SONAM KUMAR💕Premium Call Girls Jaipur ↘️9257276172 ↙️One Night Stand With Lo...khalifaescort01
 
Call Girls Jaipur Just Call 9521753030 Top Class Call Girl Service Available
Call Girls Jaipur Just Call 9521753030 Top Class Call Girl Service AvailableCall Girls Jaipur Just Call 9521753030 Top Class Call Girl Service Available
Call Girls Jaipur Just Call 9521753030 Top Class Call Girl Service AvailableJanvi Singh
 
Call Girls Vasai Virar Just Call 9630942363 Top Class Call Girl Service Avail...
Call Girls Vasai Virar Just Call 9630942363 Top Class Call Girl Service Avail...Call Girls Vasai Virar Just Call 9630942363 Top Class Call Girl Service Avail...
Call Girls Vasai Virar Just Call 9630942363 Top Class Call Girl Service Avail...GENUINE ESCORT AGENCY
 
Most Beautiful Call Girl in Bangalore Contact on Whatsapp
Most Beautiful Call Girl in Bangalore Contact on WhatsappMost Beautiful Call Girl in Bangalore Contact on Whatsapp
Most Beautiful Call Girl in Bangalore Contact on WhatsappInaaya Sharma
 
Russian Call Girls Service Jaipur {8445551418} ❤️PALLAVI VIP Jaipur Call Gir...
Russian Call Girls Service  Jaipur {8445551418} ❤️PALLAVI VIP Jaipur Call Gir...Russian Call Girls Service  Jaipur {8445551418} ❤️PALLAVI VIP Jaipur Call Gir...
Russian Call Girls Service Jaipur {8445551418} ❤️PALLAVI VIP Jaipur Call Gir...parulsinha
 
Call Girls Rishikesh Just Call 8250077686 Top Class Call Girl Service Available
Call Girls Rishikesh Just Call 8250077686 Top Class Call Girl Service AvailableCall Girls Rishikesh Just Call 8250077686 Top Class Call Girl Service Available
Call Girls Rishikesh Just Call 8250077686 Top Class Call Girl Service AvailableDipal Arora
 
Pondicherry Call Girls Book Now 9630942363 Top Class Pondicherry Escort Servi...
Pondicherry Call Girls Book Now 9630942363 Top Class Pondicherry Escort Servi...Pondicherry Call Girls Book Now 9630942363 Top Class Pondicherry Escort Servi...
Pondicherry Call Girls Book Now 9630942363 Top Class Pondicherry Escort Servi...GENUINE ESCORT AGENCY
 

Último (20)

Model Call Girls In Chennai WhatsApp Booking 7427069034 call girl service 24 ...
Model Call Girls In Chennai WhatsApp Booking 7427069034 call girl service 24 ...Model Call Girls In Chennai WhatsApp Booking 7427069034 call girl service 24 ...
Model Call Girls In Chennai WhatsApp Booking 7427069034 call girl service 24 ...
 
🌹Attapur⬅️ Vip Call Girls Hyderabad 📱9352852248 Book Well Trand Call Girls In...
🌹Attapur⬅️ Vip Call Girls Hyderabad 📱9352852248 Book Well Trand Call Girls In...🌹Attapur⬅️ Vip Call Girls Hyderabad 📱9352852248 Book Well Trand Call Girls In...
🌹Attapur⬅️ Vip Call Girls Hyderabad 📱9352852248 Book Well Trand Call Girls In...
 
Premium Call Girls In Jaipur {8445551418} ❤️VVIP SEEMA Call Girl in Jaipur Ra...
Premium Call Girls In Jaipur {8445551418} ❤️VVIP SEEMA Call Girl in Jaipur Ra...Premium Call Girls In Jaipur {8445551418} ❤️VVIP SEEMA Call Girl in Jaipur Ra...
Premium Call Girls In Jaipur {8445551418} ❤️VVIP SEEMA Call Girl in Jaipur Ra...
 
Call Girls Ahmedabad Just Call 9630942363 Top Class Call Girl Service Available
Call Girls Ahmedabad Just Call 9630942363 Top Class Call Girl Service AvailableCall Girls Ahmedabad Just Call 9630942363 Top Class Call Girl Service Available
Call Girls Ahmedabad Just Call 9630942363 Top Class Call Girl Service Available
 
8980367676 Call Girls In Ahmedabad Escort Service Available 24×7 In Ahmedabad
8980367676 Call Girls In Ahmedabad Escort Service Available 24×7 In Ahmedabad8980367676 Call Girls In Ahmedabad Escort Service Available 24×7 In Ahmedabad
8980367676 Call Girls In Ahmedabad Escort Service Available 24×7 In Ahmedabad
 
Russian Call Girls Lucknow Just Call 👉👉7877925207 Top Class Call Girl Service...
Russian Call Girls Lucknow Just Call 👉👉7877925207 Top Class Call Girl Service...Russian Call Girls Lucknow Just Call 👉👉7877925207 Top Class Call Girl Service...
Russian Call Girls Lucknow Just Call 👉👉7877925207 Top Class Call Girl Service...
 
Call Girls Kolkata Kalikapur 💯Call Us 🔝 8005736733 🔝 💃 Top Class Call Girl Se...
Call Girls Kolkata Kalikapur 💯Call Us 🔝 8005736733 🔝 💃 Top Class Call Girl Se...Call Girls Kolkata Kalikapur 💯Call Us 🔝 8005736733 🔝 💃 Top Class Call Girl Se...
Call Girls Kolkata Kalikapur 💯Call Us 🔝 8005736733 🔝 💃 Top Class Call Girl Se...
 
Call Girls Madurai Just Call 9630942363 Top Class Call Girl Service Available
Call Girls Madurai Just Call 9630942363 Top Class Call Girl Service AvailableCall Girls Madurai Just Call 9630942363 Top Class Call Girl Service Available
Call Girls Madurai Just Call 9630942363 Top Class Call Girl Service Available
 
Trichy Call Girls Book Now 9630942363 Top Class Trichy Escort Service Available
Trichy Call Girls Book Now 9630942363 Top Class Trichy Escort Service AvailableTrichy Call Girls Book Now 9630942363 Top Class Trichy Escort Service Available
Trichy Call Girls Book Now 9630942363 Top Class Trichy Escort Service Available
 
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 ...
 
Independent Call Girls In Jaipur { 8445551418 } ✔ ANIKA MEHTA ✔ Get High Prof...
Independent Call Girls In Jaipur { 8445551418 } ✔ ANIKA MEHTA ✔ Get High Prof...Independent Call Girls In Jaipur { 8445551418 } ✔ ANIKA MEHTA ✔ Get High Prof...
Independent Call Girls In Jaipur { 8445551418 } ✔ ANIKA MEHTA ✔ Get High Prof...
 
Call Girls Hosur Just Call 9630942363 Top Class Call Girl Service Available
Call Girls Hosur Just Call 9630942363 Top Class Call Girl Service AvailableCall Girls Hosur Just Call 9630942363 Top Class Call Girl Service Available
Call Girls Hosur Just Call 9630942363 Top Class Call Girl Service Available
 
Call Girls Service Jaipur {8445551418} ❤️VVIP BHAWNA Call Girl in Jaipur Raja...
Call Girls Service Jaipur {8445551418} ❤️VVIP BHAWNA Call Girl in Jaipur Raja...Call Girls Service Jaipur {8445551418} ❤️VVIP BHAWNA Call Girl in Jaipur Raja...
Call Girls Service Jaipur {8445551418} ❤️VVIP BHAWNA Call Girl in Jaipur Raja...
 
💕SONAM KUMAR💕Premium Call Girls Jaipur ↘️9257276172 ↙️One Night Stand With Lo...
💕SONAM KUMAR💕Premium Call Girls Jaipur ↘️9257276172 ↙️One Night Stand With Lo...💕SONAM KUMAR💕Premium Call Girls Jaipur ↘️9257276172 ↙️One Night Stand With Lo...
💕SONAM KUMAR💕Premium Call Girls Jaipur ↘️9257276172 ↙️One Night Stand With Lo...
 
Call Girls Jaipur Just Call 9521753030 Top Class Call Girl Service Available
Call Girls Jaipur Just Call 9521753030 Top Class Call Girl Service AvailableCall Girls Jaipur Just Call 9521753030 Top Class Call Girl Service Available
Call Girls Jaipur Just Call 9521753030 Top Class Call Girl Service Available
 
Call Girls Vasai Virar Just Call 9630942363 Top Class Call Girl Service Avail...
Call Girls Vasai Virar Just Call 9630942363 Top Class Call Girl Service Avail...Call Girls Vasai Virar Just Call 9630942363 Top Class Call Girl Service Avail...
Call Girls Vasai Virar Just Call 9630942363 Top Class Call Girl Service Avail...
 
Most Beautiful Call Girl in Bangalore Contact on Whatsapp
Most Beautiful Call Girl in Bangalore Contact on WhatsappMost Beautiful Call Girl in Bangalore Contact on Whatsapp
Most Beautiful Call Girl in Bangalore Contact on Whatsapp
 
Russian Call Girls Service Jaipur {8445551418} ❤️PALLAVI VIP Jaipur Call Gir...
Russian Call Girls Service  Jaipur {8445551418} ❤️PALLAVI VIP Jaipur Call Gir...Russian Call Girls Service  Jaipur {8445551418} ❤️PALLAVI VIP Jaipur Call Gir...
Russian Call Girls Service Jaipur {8445551418} ❤️PALLAVI VIP Jaipur Call Gir...
 
Call Girls Rishikesh Just Call 8250077686 Top Class Call Girl Service Available
Call Girls Rishikesh Just Call 8250077686 Top Class Call Girl Service AvailableCall Girls Rishikesh Just Call 8250077686 Top Class Call Girl Service Available
Call Girls Rishikesh Just Call 8250077686 Top Class Call Girl Service Available
 
Pondicherry Call Girls Book Now 9630942363 Top Class Pondicherry Escort Servi...
Pondicherry Call Girls Book Now 9630942363 Top Class Pondicherry Escort Servi...Pondicherry Call Girls Book Now 9630942363 Top Class Pondicherry Escort Servi...
Pondicherry Call Girls Book Now 9630942363 Top Class Pondicherry Escort Servi...
 

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/