SlideShare ist ein Scribd-Unternehmen logo
1 von 24
Downloaden Sie, um offline zu lesen
Anahita Bhiwandiwalla – Intel Corporation
Karthik Vadla – Intel Corporation
A Predictive Analytics
Workflow on DICOM
Images using Apache
Spark
Who we are?
Agenda
• Use-case overview
• Challenges
• What is our data?
• Deriving Insights
• Machine Learning
• Tools
• Spark-tk
• Demo
• spark-tensorflow-connector
• Performance
Use-case overview
• Vast amount of medical image data available
• Meta-data accompanying the image
– Patient information
– Status of condition
– Method of image capture
– Time to events(if part of a study)
Create distributed technology needed to efficiently
store, scan and analyze data in healthcare.
Challenges
• Getting data for experimentation is hard!
• Combine data from multiple public sources for simulation
• Multiple tools – image processing libraries, visualization
tools, distributed engines, ML libraries
• Compatibility across different tools
How do we make Machine Learning easy to use?
Data: DICOM
- Digital Imaging and
COMmunications in Medicine
- International standard format to
store, exchange, and transmit
medical images
- Standards for imaging modalities -
radiography, ultrasonography,
computed tomography (CT),
magnetic resonance imaging (MRI),
and radiation therapy.
- Protocols for image exchange, image
compression, 3-D visualization,
image presentation etc.
Data: Meta-data
• Image related: storage, date, relevant parts of
the image etc.
• Patient related: age, weight, height, DOB,
medical history
• Device related: manufacturer information,
operator, method of capture
Deriving insights
• Can we develop smart filtering techniques based on
image meta-data?
• Can we conclude and predict certain conditions based
on patient meta-data?
• Can we classify image capture techniques and suggest
improvements based on device meta-data?
• Can we combine image & patient meta-data to conclude
and predict?
• Can analytics help automate/improve image capture
techniques?
Machine Learning
• Patient data
– Train classifier model on patient data to predict presence
of a condition
• Logistic Regression, Random Forest, Naïve Bayes
– Train regressor model on patient data to predict probability
of a condition
• Linear Regression, Random Forest
– Train survival analysis model on patient data to predict
time to event, compare risk of populations
• Accelerate Failure Time Model, Cox Proportional Hazards Model
Machine Learning
• Image data
– Compute the Eigen decomposition of the image
– Compute the Covariance Matrix of the image
– Compute the Principal Component Analysis of the
image pixel data
Machine Learning
• Device data:
– Predict trends in image capture techniques
• Classification/Regression techniques
– Predict device time to failure
• Cox Proportional Hazards Model, Accelerated Failure Time
– Recommendations to device capture methods
• Collaborative filtering
Tools
• pydicom
– Python package for working with DICOM files such as medical images, reports, and radiotherapy
– Single threaded
• dcm4che
– Collection of open source applications and utilities for the healthcare enterprise.
– Developed in the Java programming language for performance and portability, supporting
deployment on JDK 1.6 and up
• matplotlib
– Python 2D plotting library which produces publication quality figures in a variety of hardcopy formats
and interactive environments across platforms.
– Can be used in Python scripts, Python and IPython shell, jupyter notebook, web application servers
• Machine Learning libraries
– Classifiers, regressors, failure analysis analysis
– Eigen decomposition
Spark-tk Introduction
• Open source library enhancing the Spark experience
• APIs for feature engineering, ETL, graph construction,
machine learning, image processing, scoring
• Abstraction level familiar to data scientists; removes
complexity of parallel processing
• Lower level Spark APIs seamlessly exposed
• Easy to build apps plugging in other tools/libraries
https://github.com/trustedanalytics/spark-tk
http://trustedanalytics.github.io/spark-tk/
Spark-tk components
• Frames
– Scalable data frame representation
– More intuitive than low level HDFS file and Spark
RDD/DataFrame/DataSet formats; schema inference
– APIs to manipulate the data frames for feature engineering and
exploration, such as joins and aggregations
– Run user-defined transformations and filters using distributed
processing
– Input to our models
– Easy to convert to/from Spark-tk Frames - Spark representations
Spark-tk components
• Graphs
– Scalable graph representation based on Frames for
vertices and edges
– In house distributed algorithms for graph analytics
using GraphX
– Supports importing/exporting to OrientDB’s scalable
graph databases – visualize, real-time graph querying
– Store massive graphs
Spark-tk components
• Machine Learning & Streaming
– Time series analysis
– Recommender systems
– Topic Modeling
– Clustering
– Classification/Regression
– Image processing
– Scikit Models
– Streaming via Scoring engine
How Spark-tk helps
• Brings in support for image analytics to Spark
– Support for ingesting and processing DICOM images in a
distributed environment
– Queries, filters, and analytics on image collections
– Integrated & distributed dcm4che3 via. Spark
– Tested against pydicom
– Used matplotlib for visualization
• Machine learning for image and health records
– Created distributed Cox Survival Proportional Hazards Model to
compare sets of populations
– Recommend algorithm and hyper-parameters
Live Demo
spark-tensorflow-connector
• Developed library for loading and storing
TensorFlow records with Apache Spark
• Implements data import from the standard
TensorFlow record format (TFRecords) into
Spark SQL DataFrames, and data export from
DataFrames to TensorFlow records
https://github.com/tensorflow/ecosystem/tree/master/spark/spark-tensorflow-
connector
Performance
0
5
10
15
20
25
30
0.25 0.5 1 2 4 8 16 32
Data(GB) Vs. Time(Min)
Processing time increases with data(Constant #Partitions=1000)
Performance
24.5
25
25.5
26
26.5
27
27.5
28
28.5
29
29.5
300 450 675 1012 2278 3147 5125 7688
#Partitions Vs. Time(Min)
Increasing partitions reduced the time and then increased time(overhead)
Performance
0
10
20
30
40
50
60
70
80
90
100
7 11 24 35 56
#Executors Vs. Time(Min)
Increasing number of executors reduces the time significantly
Performance
0
5
10
15
20
25
30
35
1 2 3 4 5
#Executor Cores Vs. Time(Min)
Increasing executor cores did not significantly change time
Thank You.
https://github.com/trustedanalytics/spark-tk
http://trustedanalytics.github.io/spark-tk/

Weitere ähnliche Inhalte

Was ist angesagt?

Was ist angesagt? (20)

hirai23slp03.pdf
hirai23slp03.pdfhirai23slp03.pdf
hirai23slp03.pdf
 
[チュートリアル講演] 音声波形直接生成モデル「ニューラルボコーダ」の比較
[チュートリアル講演] 音声波形直接生成モデル「ニューラルボコーダ」の比較[チュートリアル講演] 音声波形直接生成モデル「ニューラルボコーダ」の比較
[チュートリアル講演] 音声波形直接生成モデル「ニューラルボコーダ」の比較
 
【論文紹介】 Spatial Temporal Graph Convolutional Networks for Skeleton-Based Acti...
【論文紹介】Spatial Temporal Graph Convolutional Networks for Skeleton-Based Acti...【論文紹介】Spatial Temporal Graph Convolutional Networks for Skeleton-Based Acti...
【論文紹介】 Spatial Temporal Graph Convolutional Networks for Skeleton-Based Acti...
 
[DL輪読会]Glow: Generative Flow with Invertible 1×1 Convolutions
[DL輪読会]Glow: Generative Flow with Invertible 1×1 Convolutions[DL輪読会]Glow: Generative Flow with Invertible 1×1 Convolutions
[DL輪読会]Glow: Generative Flow with Invertible 1×1 Convolutions
 
그림 그리는 AI
그림 그리는 AI그림 그리는 AI
그림 그리는 AI
 
Opencv object detection_takmin
Opencv object detection_takminOpencv object detection_takmin
Opencv object detection_takmin
 
Genetic algorithm for hyperparameter tuning
Genetic algorithm for hyperparameter tuningGenetic algorithm for hyperparameter tuning
Genetic algorithm for hyperparameter tuning
 
Zipline: Airbnb’s Machine Learning Data Management Platform with Nikhil Simha...
Zipline: Airbnb’s Machine Learning Data Management Platform with Nikhil Simha...Zipline: Airbnb’s Machine Learning Data Management Platform with Nikhil Simha...
Zipline: Airbnb’s Machine Learning Data Management Platform with Nikhil Simha...
 
MediaPipeの紹介
MediaPipeの紹介MediaPipeの紹介
MediaPipeの紹介
 
Tutorial on Deep Generative Models
 Tutorial on Deep Generative Models Tutorial on Deep Generative Models
Tutorial on Deep Generative Models
 
サーベイ論文:画像からの歩行者属性認識
サーベイ論文:画像からの歩行者属性認識サーベイ論文:画像からの歩行者属性認識
サーベイ論文:画像からの歩行者属性認識
 
[DL輪読会]近年のエネルギーベースモデルの進展
[DL輪読会]近年のエネルギーベースモデルの進展[DL輪読会]近年のエネルギーベースモデルの進展
[DL輪読会]近年のエネルギーベースモデルの進展
 
VAEs for multimodal disentanglement
VAEs for multimodal disentanglementVAEs for multimodal disentanglement
VAEs for multimodal disentanglement
 
Adversarial machine learning
Adversarial machine learning Adversarial machine learning
Adversarial machine learning
 
[DL輪読会]Few-Shot Unsupervised Image-to-Image Translation
[DL輪読会]Few-Shot Unsupervised Image-to-Image Translation[DL輪読会]Few-Shot Unsupervised Image-to-Image Translation
[DL輪読会]Few-Shot Unsupervised Image-to-Image Translation
 
RAFT: Recurrent All-Pairs Field Transforms for Optical Flow
RAFT: Recurrent All-Pairs Field Transforms for Optical FlowRAFT: Recurrent All-Pairs Field Transforms for Optical Flow
RAFT: Recurrent All-Pairs Field Transforms for Optical Flow
 
【DL輪読会】Self-Supervised Learning from Images with a Joint-Embedding Predictive...
【DL輪読会】Self-Supervised Learning from Images with a Joint-Embedding Predictive...【DL輪読会】Self-Supervised Learning from Images with a Joint-Embedding Predictive...
【DL輪読会】Self-Supervised Learning from Images with a Joint-Embedding Predictive...
 
Using synthetic data for computer vision model training
Using synthetic data for computer vision model trainingUsing synthetic data for computer vision model training
Using synthetic data for computer vision model training
 
PR-207: YOLOv3: An Incremental Improvement
PR-207: YOLOv3: An Incremental ImprovementPR-207: YOLOv3: An Incremental Improvement
PR-207: YOLOv3: An Incremental Improvement
 
IRJET- Underwater Image Enhancement using Image Processing Technique
IRJET-  	  Underwater Image Enhancement using Image Processing TechniqueIRJET-  	  Underwater Image Enhancement using Image Processing Technique
IRJET- Underwater Image Enhancement using Image Processing Technique
 

Ähnlich wie A Predictive Analytics Workflow on DICOM Images using Apache Spark with Anahita Bhiwandiwalla and Karthik Vadla

Building your big data solution
Building your big data solution Building your big data solution
Building your big data solution
WSO2
 
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
javed75
 

Ähnlich wie A Predictive Analytics Workflow on DICOM Images using Apache Spark with Anahita Bhiwandiwalla and Karthik Vadla (20)

AI IN PATH final PPT.pptx
AI IN PATH final PPT.pptxAI IN PATH final PPT.pptx
AI IN PATH final PPT.pptx
 
Building your big data solution
Building your big data solution Building your big data solution
Building your big data solution
 
unit 1 big data.pptx
unit 1 big data.pptxunit 1 big data.pptx
unit 1 big data.pptx
 
Makine Öğrenmesi, Yapay Zeka ve Veri Bilimi Süreçlerinin Otomatikleştirilmesi...
Makine Öğrenmesi, Yapay Zeka ve Veri Bilimi Süreçlerinin Otomatikleştirilmesi...Makine Öğrenmesi, Yapay Zeka ve Veri Bilimi Süreçlerinin Otomatikleştirilmesi...
Makine Öğrenmesi, Yapay Zeka ve Veri Bilimi Süreçlerinin Otomatikleştirilmesi...
 
Im symposium presentation - OCR and Text analytics for Medical Chart Review ...
Im symposium presentation -  OCR and Text analytics for Medical Chart Review ...Im symposium presentation -  OCR and Text analytics for Medical Chart Review ...
Im symposium presentation - OCR and Text analytics for Medical Chart Review ...
 
Scaling up with Cisco Big Data: Data + Science = Data Science
Scaling up with Cisco Big Data: Data + Science = Data ScienceScaling up with Cisco Big Data: Data + Science = Data Science
Scaling up with Cisco Big Data: Data + Science = Data Science
 
Data Science and Deep Learning on Spark with 1/10th of the Code with Roope As...
Data Science and Deep Learning on Spark with 1/10th of the Code with Roope As...Data Science and Deep Learning on Spark with 1/10th of the Code with Roope As...
Data Science and Deep Learning on Spark with 1/10th of the Code with Roope As...
 
Introduction to Machine learning
Introduction to Machine learningIntroduction to Machine learning
Introduction to Machine learning
 
The Analytics Frontier of the Hadoop Eco-System
The Analytics Frontier of the Hadoop Eco-SystemThe Analytics Frontier of the Hadoop Eco-System
The Analytics Frontier of the Hadoop Eco-System
 
Analytics&IoT
Analytics&IoTAnalytics&IoT
Analytics&IoT
 
Application and Challenges of Streaming Analytics and Machine Learning on Mu...
 Application and Challenges of Streaming Analytics and Machine Learning on Mu... Application and Challenges of Streaming Analytics and Machine Learning on Mu...
Application and Challenges of Streaming Analytics and Machine Learning on Mu...
 
Shikha fdp 62_14july2017
Shikha fdp 62_14july2017Shikha fdp 62_14july2017
Shikha fdp 62_14july2017
 
Using Deep Learning on Apache Spark to Diagnose Thoracic Pathology from Chest...
Using Deep Learning on Apache Spark to Diagnose Thoracic Pathology from Chest...Using Deep Learning on Apache Spark to Diagnose Thoracic Pathology from Chest...
Using Deep Learning on Apache Spark to Diagnose Thoracic Pathology from Chest...
 
Makine Öğrenmesi ile Görüntü Tanıma | Image Recognition using Machine Learning
Makine Öğrenmesi ile Görüntü Tanıma | Image Recognition using Machine LearningMakine Öğrenmesi ile Görüntü Tanıma | Image Recognition using Machine Learning
Makine Öğrenmesi ile Görüntü Tanıma | Image Recognition using Machine Learning
 
FPGA Hardware Accelerator for Machine Learning
FPGA Hardware Accelerator for Machine Learning FPGA Hardware Accelerator for Machine Learning
FPGA Hardware Accelerator for Machine Learning
 
Using Crowdsourced Images to Create Image Recognition Models with Analytics Z...
Using Crowdsourced Images to Create Image Recognition Models with Analytics Z...Using Crowdsourced Images to Create Image Recognition Models with Analytics Z...
Using Crowdsourced Images to Create Image Recognition Models with Analytics Z...
 
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
 
A machine learning and data science pipeline for real companies
A machine learning and data science pipeline for real companiesA machine learning and data science pipeline for real companies
A machine learning and data science pipeline for real companies
 
Role of python in hpc
Role of python in hpcRole of python in hpc
Role of python in hpc
 
A Maturing Role of Workflows in the Presence of Heterogenous Computing Archit...
A Maturing Role of Workflows in the Presence of Heterogenous Computing Archit...A Maturing Role of Workflows in the Presence of Heterogenous Computing Archit...
A Maturing Role of Workflows in the Presence of Heterogenous Computing Archit...
 

Mehr von Databricks

Democratizing Data Quality Through a Centralized Platform
Democratizing Data Quality Through a Centralized PlatformDemocratizing Data Quality Through a Centralized Platform
Democratizing Data Quality Through a Centralized Platform
Databricks
 
Stage Level Scheduling Improving Big Data and AI Integration
Stage Level Scheduling Improving Big Data and AI IntegrationStage Level Scheduling Improving Big Data and AI Integration
Stage Level Scheduling Improving Big Data and AI Integration
Databricks
 
Simplify Data Conversion from Spark to TensorFlow and PyTorch
Simplify Data Conversion from Spark to TensorFlow and PyTorchSimplify Data Conversion from Spark to TensorFlow and PyTorch
Simplify Data Conversion from Spark to TensorFlow and PyTorch
Databricks
 
Raven: End-to-end Optimization of ML Prediction Queries
Raven: End-to-end Optimization of ML Prediction QueriesRaven: End-to-end Optimization of ML Prediction Queries
Raven: End-to-end Optimization of ML Prediction Queries
Databricks
 
Processing Large Datasets for ADAS Applications using Apache Spark
Processing Large Datasets for ADAS Applications using Apache SparkProcessing Large Datasets for ADAS Applications using Apache Spark
Processing Large Datasets for ADAS Applications using Apache Spark
Databricks
 

Mehr von Databricks (20)

DW Migration Webinar-March 2022.pptx
DW Migration Webinar-March 2022.pptxDW Migration Webinar-March 2022.pptx
DW Migration Webinar-March 2022.pptx
 
Data Lakehouse Symposium | Day 1 | Part 1
Data Lakehouse Symposium | Day 1 | Part 1Data Lakehouse Symposium | Day 1 | Part 1
Data Lakehouse Symposium | Day 1 | Part 1
 
Data Lakehouse Symposium | Day 1 | Part 2
Data Lakehouse Symposium | Day 1 | Part 2Data Lakehouse Symposium | Day 1 | Part 2
Data Lakehouse Symposium | Day 1 | Part 2
 
Data Lakehouse Symposium | Day 2
Data Lakehouse Symposium | Day 2Data Lakehouse Symposium | Day 2
Data Lakehouse Symposium | Day 2
 
Data Lakehouse Symposium | Day 4
Data Lakehouse Symposium | Day 4Data Lakehouse Symposium | Day 4
Data Lakehouse Symposium | Day 4
 
5 Critical Steps to Clean Your Data Swamp When Migrating Off of Hadoop
5 Critical Steps to Clean Your Data Swamp When Migrating Off of Hadoop5 Critical Steps to Clean Your Data Swamp When Migrating Off of Hadoop
5 Critical Steps to Clean Your Data Swamp When Migrating Off of Hadoop
 
Democratizing Data Quality Through a Centralized Platform
Democratizing Data Quality Through a Centralized PlatformDemocratizing Data Quality Through a Centralized Platform
Democratizing Data Quality Through a Centralized Platform
 
Learn to Use Databricks for Data Science
Learn to Use Databricks for Data ScienceLearn to Use Databricks for Data Science
Learn to Use Databricks for Data Science
 
Why APM Is Not the Same As ML Monitoring
Why APM Is Not the Same As ML MonitoringWhy APM Is Not the Same As ML Monitoring
Why APM Is Not the Same As ML Monitoring
 
The Function, the Context, and the Data—Enabling ML Ops at Stitch Fix
The Function, the Context, and the Data—Enabling ML Ops at Stitch FixThe Function, the Context, and the Data—Enabling ML Ops at Stitch Fix
The Function, the Context, and the Data—Enabling ML Ops at Stitch Fix
 
Stage Level Scheduling Improving Big Data and AI Integration
Stage Level Scheduling Improving Big Data and AI IntegrationStage Level Scheduling Improving Big Data and AI Integration
Stage Level Scheduling Improving Big Data and AI Integration
 
Simplify Data Conversion from Spark to TensorFlow and PyTorch
Simplify Data Conversion from Spark to TensorFlow and PyTorchSimplify Data Conversion from Spark to TensorFlow and PyTorch
Simplify Data Conversion from Spark to TensorFlow and PyTorch
 
Scaling your Data Pipelines with Apache Spark on Kubernetes
Scaling your Data Pipelines with Apache Spark on KubernetesScaling your Data Pipelines with Apache Spark on Kubernetes
Scaling your Data Pipelines with Apache Spark on Kubernetes
 
Scaling and Unifying SciKit Learn and Apache Spark Pipelines
Scaling and Unifying SciKit Learn and Apache Spark PipelinesScaling and Unifying SciKit Learn and Apache Spark Pipelines
Scaling and Unifying SciKit Learn and Apache Spark Pipelines
 
Sawtooth Windows for Feature Aggregations
Sawtooth Windows for Feature AggregationsSawtooth Windows for Feature Aggregations
Sawtooth Windows for Feature Aggregations
 
Redis + Apache Spark = Swiss Army Knife Meets Kitchen Sink
Redis + Apache Spark = Swiss Army Knife Meets Kitchen SinkRedis + Apache Spark = Swiss Army Knife Meets Kitchen Sink
Redis + Apache Spark = Swiss Army Knife Meets Kitchen Sink
 
Re-imagine Data Monitoring with whylogs and Spark
Re-imagine Data Monitoring with whylogs and SparkRe-imagine Data Monitoring with whylogs and Spark
Re-imagine Data Monitoring with whylogs and Spark
 
Raven: End-to-end Optimization of ML Prediction Queries
Raven: End-to-end Optimization of ML Prediction QueriesRaven: End-to-end Optimization of ML Prediction Queries
Raven: End-to-end Optimization of ML Prediction Queries
 
Processing Large Datasets for ADAS Applications using Apache Spark
Processing Large Datasets for ADAS Applications using Apache SparkProcessing Large Datasets for ADAS Applications using Apache Spark
Processing Large Datasets for ADAS Applications using Apache Spark
 
Massive Data Processing in Adobe Using Delta Lake
Massive Data Processing in Adobe Using Delta LakeMassive Data Processing in Adobe Using Delta Lake
Massive Data Processing in Adobe Using Delta Lake
 

Kürzlich hochgeladen

Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
amitlee9823
 
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
amitlee9823
 
Log Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxLog Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptx
JohnnyPlasten
 
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts ServiceCall Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
9953056974 Low Rate Call Girls In Saket, Delhi NCR
 
Schema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdfSchema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdf
Lars Albertsson
 
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get CytotecAbortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Riyadh +966572737505 get cytotec
 
FESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfFESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdf
MarinCaroMartnezBerg
 
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
amitlee9823
 
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al BarshaAl Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
AroojKhan71
 

Kürzlich hochgeladen (20)

Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
Junnasandra Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore...
 
Ravak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptxRavak dropshipping via API with DroFx.pptx
Ravak dropshipping via API with DroFx.pptx
 
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
Call Girls Bannerghatta Road Just Call 👗 7737669865 👗 Top Class Call Girl Ser...
 
Log Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptxLog Analysis using OSSEC sasoasasasas.pptx
Log Analysis using OSSEC sasoasasasas.pptx
 
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
Best VIP Call Girls Noida Sector 22 Call Me: 8448380779
 
Mature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptxMature dropshipping via API with DroFx.pptx
Mature dropshipping via API with DroFx.pptx
 
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts ServiceCall Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
 
Schema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdfSchema on read is obsolete. Welcome metaprogramming..pdf
Schema on read is obsolete. Welcome metaprogramming..pdf
 
Sampling (random) method and Non random.ppt
Sampling (random) method and Non random.pptSampling (random) method and Non random.ppt
Sampling (random) method and Non random.ppt
 
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get CytotecAbortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
 
April 2024 - Crypto Market Report's Analysis
April 2024 - Crypto Market Report's AnalysisApril 2024 - Crypto Market Report's Analysis
April 2024 - Crypto Market Report's Analysis
 
FESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfFESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdf
 
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
Digital Advertising Lecture for Advanced Digital & Social Media Strategy at U...
 
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
 
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptxBPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
BPAC WITH UFSBI GENERAL PRESENTATION 18_05_2017-1.pptx
 
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
Chintamani Call Girls: 🍓 7737669865 🍓 High Profile Model Escorts | Bangalore ...
 
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al BarshaAl Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
 
Midocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFxMidocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFx
 
BigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptxBigBuy dropshipping via API with DroFx.pptx
BigBuy dropshipping via API with DroFx.pptx
 
BDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort Service
BDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort ServiceBDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort Service
BDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort Service
 

A Predictive Analytics Workflow on DICOM Images using Apache Spark with Anahita Bhiwandiwalla and Karthik Vadla

  • 1. Anahita Bhiwandiwalla – Intel Corporation Karthik Vadla – Intel Corporation A Predictive Analytics Workflow on DICOM Images using Apache Spark
  • 3. Agenda • Use-case overview • Challenges • What is our data? • Deriving Insights • Machine Learning • Tools • Spark-tk • Demo • spark-tensorflow-connector • Performance
  • 4. Use-case overview • Vast amount of medical image data available • Meta-data accompanying the image – Patient information – Status of condition – Method of image capture – Time to events(if part of a study) Create distributed technology needed to efficiently store, scan and analyze data in healthcare.
  • 5. Challenges • Getting data for experimentation is hard! • Combine data from multiple public sources for simulation • Multiple tools – image processing libraries, visualization tools, distributed engines, ML libraries • Compatibility across different tools How do we make Machine Learning easy to use?
  • 6. Data: DICOM - Digital Imaging and COMmunications in Medicine - International standard format to store, exchange, and transmit medical images - Standards for imaging modalities - radiography, ultrasonography, computed tomography (CT), magnetic resonance imaging (MRI), and radiation therapy. - Protocols for image exchange, image compression, 3-D visualization, image presentation etc.
  • 7. Data: Meta-data • Image related: storage, date, relevant parts of the image etc. • Patient related: age, weight, height, DOB, medical history • Device related: manufacturer information, operator, method of capture
  • 8. Deriving insights • Can we develop smart filtering techniques based on image meta-data? • Can we conclude and predict certain conditions based on patient meta-data? • Can we classify image capture techniques and suggest improvements based on device meta-data? • Can we combine image & patient meta-data to conclude and predict? • Can analytics help automate/improve image capture techniques?
  • 9. Machine Learning • Patient data – Train classifier model on patient data to predict presence of a condition • Logistic Regression, Random Forest, Naïve Bayes – Train regressor model on patient data to predict probability of a condition • Linear Regression, Random Forest – Train survival analysis model on patient data to predict time to event, compare risk of populations • Accelerate Failure Time Model, Cox Proportional Hazards Model
  • 10. Machine Learning • Image data – Compute the Eigen decomposition of the image – Compute the Covariance Matrix of the image – Compute the Principal Component Analysis of the image pixel data
  • 11. Machine Learning • Device data: – Predict trends in image capture techniques • Classification/Regression techniques – Predict device time to failure • Cox Proportional Hazards Model, Accelerated Failure Time – Recommendations to device capture methods • Collaborative filtering
  • 12. Tools • pydicom – Python package for working with DICOM files such as medical images, reports, and radiotherapy – Single threaded • dcm4che – Collection of open source applications and utilities for the healthcare enterprise. – Developed in the Java programming language for performance and portability, supporting deployment on JDK 1.6 and up • matplotlib – Python 2D plotting library which produces publication quality figures in a variety of hardcopy formats and interactive environments across platforms. – Can be used in Python scripts, Python and IPython shell, jupyter notebook, web application servers • Machine Learning libraries – Classifiers, regressors, failure analysis analysis – Eigen decomposition
  • 13. Spark-tk Introduction • Open source library enhancing the Spark experience • APIs for feature engineering, ETL, graph construction, machine learning, image processing, scoring • Abstraction level familiar to data scientists; removes complexity of parallel processing • Lower level Spark APIs seamlessly exposed • Easy to build apps plugging in other tools/libraries https://github.com/trustedanalytics/spark-tk http://trustedanalytics.github.io/spark-tk/
  • 14. Spark-tk components • Frames – Scalable data frame representation – More intuitive than low level HDFS file and Spark RDD/DataFrame/DataSet formats; schema inference – APIs to manipulate the data frames for feature engineering and exploration, such as joins and aggregations – Run user-defined transformations and filters using distributed processing – Input to our models – Easy to convert to/from Spark-tk Frames - Spark representations
  • 15. Spark-tk components • Graphs – Scalable graph representation based on Frames for vertices and edges – In house distributed algorithms for graph analytics using GraphX – Supports importing/exporting to OrientDB’s scalable graph databases – visualize, real-time graph querying – Store massive graphs
  • 16. Spark-tk components • Machine Learning & Streaming – Time series analysis – Recommender systems – Topic Modeling – Clustering – Classification/Regression – Image processing – Scikit Models – Streaming via Scoring engine
  • 17. How Spark-tk helps • Brings in support for image analytics to Spark – Support for ingesting and processing DICOM images in a distributed environment – Queries, filters, and analytics on image collections – Integrated & distributed dcm4che3 via. Spark – Tested against pydicom – Used matplotlib for visualization • Machine learning for image and health records – Created distributed Cox Survival Proportional Hazards Model to compare sets of populations – Recommend algorithm and hyper-parameters
  • 19. spark-tensorflow-connector • Developed library for loading and storing TensorFlow records with Apache Spark • Implements data import from the standard TensorFlow record format (TFRecords) into Spark SQL DataFrames, and data export from DataFrames to TensorFlow records https://github.com/tensorflow/ecosystem/tree/master/spark/spark-tensorflow- connector
  • 20. Performance 0 5 10 15 20 25 30 0.25 0.5 1 2 4 8 16 32 Data(GB) Vs. Time(Min) Processing time increases with data(Constant #Partitions=1000)
  • 21. Performance 24.5 25 25.5 26 26.5 27 27.5 28 28.5 29 29.5 300 450 675 1012 2278 3147 5125 7688 #Partitions Vs. Time(Min) Increasing partitions reduced the time and then increased time(overhead)
  • 22. Performance 0 10 20 30 40 50 60 70 80 90 100 7 11 24 35 56 #Executors Vs. Time(Min) Increasing number of executors reduces the time significantly
  • 23. Performance 0 5 10 15 20 25 30 35 1 2 3 4 5 #Executor Cores Vs. Time(Min) Increasing executor cores did not significantly change time