SlideShare a Scribd company logo
1 of 40
Is it a bird, plane or a galaxy?
Image Classification with SQL
Server
Julian Lee
Advanced Analytics & AI Technical Specialist
Global Black Belt - ANZ
Challenges Respondents
There is no defined business case 42%
Not Clear what AI can be used for 39%
Don’t have the required skills 33%
Need first to invest in modernizing data
management
29%
Don’t have the budget 23%
Not certain what is needed for
implementing an AI system
19%
AI systems are not proven 14%
Don’t have the right processes 13%
Not sure what AI means 3%
here
here
here
here
Caffe
CNTK here
Deeplearning4j
TensorFlow
Theano
Torch
Many others
http://brohrer.github.io/how_convolutional_neural_networks_work.html
http://aka.ms/cntk
https://github.com/Microsoft/CNTK/wiki/Object-Detection-using-Fast-R-CNN
Whirlpool Galaxy (M51) and companion galaxy
“Grand design” spiral galaxy M81
Barred spiral galaxy NGC 1300
Elliptical galaxy IC 2006
Centaurus A, from European Southern Observatory: http://www.eso.org
Source: Wikipedia
https://demosgallery.azurewebsites.net/#story/galaxy
https://blogs.technet.microsoft.com/dataplatforminsider/2016/03/10/
mapping-the-universe-with-sql-server/
Source: Willett et al, “Galaxy Zoo 2: detailed morphological
classifications for 304,122 galaxies from the Sloan Digital Sky
Survey”, https://arxiv.org/abs/1308.3496
Johannes Vermeer, The Astronomer
Sources: https://github.com/vdumoulin/conv_arithmetic (left),
http://cs231n.github.io/convolutional-networks/
Ambiguous
Barred
Spiral
Spiral Elliptical
Ambiguous 158 2 33 44
Barred
Spiral 0 16959 7740 1707
Spiral 9 3100 128064 14648
Elliptical 9 617 10210 116700
Ambiguous
Barred
Spiral
Spiral Elliptical
Ambiguous 6 0 6 18
Barred
Spiral 1 1177 1201 306
Spiral 7 662 11430 2397
Elliptical 10 162 1992 10625
Training data
Error rate = 12.7%
Test data
Error rate = 22.5%
library(MicrosoftML)
model <- rxNeuralNet(class2 ~ pixels,
data=trainData,
type="multiClass", mlTransformVars="path",
mlTransforms=list(
"BitmapLoaderTransform{col=Image:path}",
"BitmapScalerTransform{col=bitmap:Image width=50 height=50}",
"PixelExtractorTransform{col=pixels:bitmap}"
),
netDefinition=netDefinition,
optimizer=sgd(),
acceleration="gpu",
miniBatchSize=256,
numIterations=100,
normalize="no", initWtsDiameter=0.1, postTransformCache="Disk"
)
input pixels [3, 50, 50];
hidden conv1 [64, 23, 23] rlinear from
pixels convolve {
InputShape = [3, 50, 50];
KernelShape = [3, 6, 6];
Stride = [1, 2, 2];
Sharing = [false, true, true];
MapCount = 64;
}
hidden norm1 [64, 23, 23] from conv1
response norm {
InputShape = [64, 23, 23];
KernelShape = [1, 1, 1];
Alpha = 1e-04;
Beta = 0.75;
Offset = 1;
AvgOverFullKernel = true;
}
...
GPU (CUDA)
accelerated
Read images
directly from
disk
library(RevoScaleR)
galaxyModTable <- RxSqlServerData("galaxyModels", connectionString=deployDbConnStr)
initObjectTable("galaxyModels", versionName=NULL, connectionString=deployDbConnStr)
writeGalaxyModel <- function(model, name, table=galaxyModTable)
{
if(missing(name))
name <- deparse(substitute(model))
rxWriteObject(table, name, model)
}
writeGalaxyModel(model) Serialise any R
object to a
database table
spBasePredictGalaxyClass <- function(model, imgData)
{
# for each image, preprocess the file and store it
path <- sapply(seq_len(nrow(imgData)), function(i) {
inFile <- tempfile(fileext=".jpg")
outFile <- tempfile(fileext=".jpg")
writeBin(imgData$img[[i]], inFile)
imager::load.image(inFile) %>%
cropGalaxy(0.26) %>%
resizeGalaxy(c(50, 50)) %>%
imager::save.image(outFile)
outFile
})
imgData <- data.frame(galclass=" ", path=path)
model <- rxReadObject(as.raw(model))
rxPredict(model, imgData)
}
Use open source
imager package for
image processing
Unserialise R
object previously
saved to database
library(sqlrutils)
spPredictGalaxyClass <- StoredProcedure(spBasePredictGalaxyClass,
spName="predictGalaxyClass",
InputData("imgData",
defaultQuery="select * from galaxyImgData"),
InputParameter("model", "raw",
defaultQuery="select value from galaxyModels where id='model'"),
connectionString=deployDbConnStr
)
registerStoredProcedure(spPredictGalaxyClass, deployDbConnStr)
Generate T-SQL
code to create a
stored procedure
Execute the
generated code
library(mrsdeploy)
remoteLogin("https://example.com:12800")
apiPredictGalaxyClass <- function(id, img)
{
imgData <- data.frame(specobjid=id, img=img, stringsAsFactors=FALSE)
sqlImgData <- RxSqlServerData("galaxyImgData")
rxDataStep(imgData, sqlImgData, overwrite=TRUE)
sqlrutils::executeStoredProcedure(spPredictGalaxyClass)$data
}
apiGalaxyModel <- publishService("apiPredictGalaxyClass", apiPredictGalaxyClass, spPredictGalaxyClass,
inputs=list(id="character", img="character"),
outputs=list(pred="data.frame"))
cat(apiGalaxyModel$swagger(), file="swagPredictGalaxyClass.json")
remoteLogout()
Login to the remote R
server
Call the stored proc
created earlier
Create a web service
with defined inputs
and outputs
Generate Swagger JSON
to represent API
Microsoft Data Wranglers - 8august2017

More Related Content

What's hot

(Research Note) Delving deeper into convolutional neural networks for camera ...
(Research Note) Delving deeper into convolutional neural networks for camera ...(Research Note) Delving deeper into convolutional neural networks for camera ...
(Research Note) Delving deeper into convolutional neural networks for camera ...
Jacky Liu
 

What's hot (20)

Ultrasound Nerve Segmentation
Ultrasound Nerve Segmentation Ultrasound Nerve Segmentation
Ultrasound Nerve Segmentation
 
Mastering the game of go with deep neural networks and tree search
Mastering the game of go with deep neural networks and tree searchMastering the game of go with deep neural networks and tree search
Mastering the game of go with deep neural networks and tree search
 
AlphaGo: An AI Go player based on deep neural networks and monte carlo tree s...
AlphaGo: An AI Go player based on deep neural networks and monte carlo tree s...AlphaGo: An AI Go player based on deep neural networks and monte carlo tree s...
AlphaGo: An AI Go player based on deep neural networks and monte carlo tree s...
 
Anomaly detection
Anomaly detectionAnomaly detection
Anomaly detection
 
(Research Note) Delving deeper into convolutional neural networks for camera ...
(Research Note) Delving deeper into convolutional neural networks for camera ...(Research Note) Delving deeper into convolutional neural networks for camera ...
(Research Note) Delving deeper into convolutional neural networks for camera ...
 
Artificial Intelligence Applications in Petroleum Engineering - Part I
Artificial Intelligence Applications in Petroleum Engineering - Part IArtificial Intelligence Applications in Petroleum Engineering - Part I
Artificial Intelligence Applications in Petroleum Engineering - Part I
 
An introduction to Deep Learning with Apache MXNet (November 2017)
An introduction to Deep Learning with Apache MXNet (November 2017)An introduction to Deep Learning with Apache MXNet (November 2017)
An introduction to Deep Learning with Apache MXNet (November 2017)
 
Chakrabarti alpha go analysis
Chakrabarti alpha go analysisChakrabarti alpha go analysis
Chakrabarti alpha go analysis
 
Mcts ai
Mcts aiMcts ai
Mcts ai
 
Deep Learning for AI (2)
Deep Learning for AI (2)Deep Learning for AI (2)
Deep Learning for AI (2)
 
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
 
Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNN
 
Ebgan
EbganEbgan
Ebgan
 
Convolutional Neural Network (CNN) - image recognition
Convolutional Neural Network (CNN)  - image recognitionConvolutional Neural Network (CNN)  - image recognition
Convolutional Neural Network (CNN) - image recognition
 
PyConZA'17 Deep Learning for Computer Vision
PyConZA'17 Deep Learning for Computer VisionPyConZA'17 Deep Learning for Computer Vision
PyConZA'17 Deep Learning for Computer Vision
 
Batch normalization
Batch normalizationBatch normalization
Batch normalization
 
PyDresden 20170824 - Deep Learning for Computer Vision
PyDresden 20170824 - Deep Learning for Computer VisionPyDresden 20170824 - Deep Learning for Computer Vision
PyDresden 20170824 - Deep Learning for Computer Vision
 
Image Object Detection Pipeline
Image Object Detection PipelineImage Object Detection Pipeline
Image Object Detection Pipeline
 
Deep learning
Deep learningDeep learning
Deep learning
 
Introduction to Deep Learning for Neuroimaging
Introduction to Deep Learning for NeuroimagingIntroduction to Deep Learning for Neuroimaging
Introduction to Deep Learning for Neuroimaging
 

Similar to Microsoft Data Wranglers - 8august2017

Convolution Neural Network Lecture Slides
Convolution Neural Network Lecture SlidesConvolution Neural Network Lecture Slides
Convolution Neural Network Lecture Slides
AdnanHaider234505
 
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakLearn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
PyData
 
Scaling Up: How Switching to Apache Spark Improved Performance, Realizability...
Scaling Up: How Switching to Apache Spark Improved Performance, Realizability...Scaling Up: How Switching to Apache Spark Improved Performance, Realizability...
Scaling Up: How Switching to Apache Spark Improved Performance, Realizability...
Databricks
 
Separating Hype from Reality in Deep Learning with Sameer Farooqui
 Separating Hype from Reality in Deep Learning with Sameer Farooqui Separating Hype from Reality in Deep Learning with Sameer Farooqui
Separating Hype from Reality in Deep Learning with Sameer Farooqui
Databricks
 

Similar to Microsoft Data Wranglers - 8august2017 (20)

Convolution Neural Network Lecture Slides
Convolution Neural Network Lecture SlidesConvolution Neural Network Lecture Slides
Convolution Neural Network Lecture Slides
 
[AI07] Revolutionizing Image Processing with Cognitive Toolkit
[AI07] Revolutionizing Image Processing with Cognitive Toolkit[AI07] Revolutionizing Image Processing with Cognitive Toolkit
[AI07] Revolutionizing Image Processing with Cognitive Toolkit
 
URBAN OBJECT DETECTION IN UAV RESNETpptx
URBAN OBJECT DETECTION IN UAV RESNETpptxURBAN OBJECT DETECTION IN UAV RESNETpptx
URBAN OBJECT DETECTION IN UAV RESNETpptx
 
Neural network
Neural networkNeural network
Neural network
 
Training course lect3
Training course lect3Training course lect3
Training course lect3
 
Learning Predictive Modeling with TSA and Kaggle
Learning Predictive Modeling with TSA and KaggleLearning Predictive Modeling with TSA and Kaggle
Learning Predictive Modeling with TSA and Kaggle
 
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr TeterwakLearn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
Learn to Build an App to Find Similar Images using Deep Learning- Piotr Teterwak
 
IEEE Projects 2014-2015
IEEE Projects 2014-2015IEEE Projects 2014-2015
IEEE Projects 2014-2015
 
Internet of Things Magic Show
Internet of Things Magic ShowInternet of Things Magic Show
Internet of Things Magic Show
 
Machine-learning based performance heuristics for Runtime CPU/GPU Selection i...
Machine-learning based performance heuristics for Runtime CPU/GPU Selection i...Machine-learning based performance heuristics for Runtime CPU/GPU Selection i...
Machine-learning based performance heuristics for Runtime CPU/GPU Selection i...
 
Tackling Open Images Challenge (2019)
Tackling Open Images Challenge (2019)Tackling Open Images Challenge (2019)
Tackling Open Images Challenge (2019)
 
Neural networks across space & time : Deep learning in java
Neural networks across space & time : Deep learning in javaNeural networks across space & time : Deep learning in java
Neural networks across space & time : Deep learning in java
 
Julia: The language for future
Julia: The language for futureJulia: The language for future
Julia: The language for future
 
Scaling Up: How Switching to Apache Spark Improved Performance, Realizability...
Scaling Up: How Switching to Apache Spark Improved Performance, Realizability...Scaling Up: How Switching to Apache Spark Improved Performance, Realizability...
Scaling Up: How Switching to Apache Spark Improved Performance, Realizability...
 
Scaling up data science applications
Scaling up data science applicationsScaling up data science applications
Scaling up data science applications
 
Visualizing the Model Selection Process
Visualizing the Model Selection ProcessVisualizing the Model Selection Process
Visualizing the Model Selection Process
 
Machine learning and vulnerabilities
Machine learning and vulnerabilitiesMachine learning and vulnerabilities
Machine learning and vulnerabilities
 
Deep learning ppt
Deep learning pptDeep learning ppt
Deep learning ppt
 
COSCUP: Introduction to Julia
COSCUP: Introduction to JuliaCOSCUP: Introduction to Julia
COSCUP: Introduction to Julia
 
Separating Hype from Reality in Deep Learning with Sameer Farooqui
 Separating Hype from Reality in Deep Learning with Sameer Farooqui Separating Hype from Reality in Deep Learning with Sameer Farooqui
Separating Hype from Reality in Deep Learning with Sameer Farooqui
 

Recently uploaded

Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night StandCall Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
amitlee9823
 
Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...
Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...
Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...
amitlee9823
 
Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...
only4webmaster01
 
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
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
 
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men 🔝malwa🔝 Escorts Ser...
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men  🔝malwa🔝   Escorts Ser...➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men  🔝malwa🔝   Escorts Ser...
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men 🔝malwa🔝 Escorts Ser...
amitlee9823
 
Call Girls In Doddaballapur Road ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Doddaballapur Road ☎ 7737669865 🥵 Book Your One night StandCall Girls In Doddaballapur Road ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Doddaballapur Road ☎ 7737669865 🥵 Book Your One night Stand
amitlee9823
 
Call Girls In Bellandur ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Bellandur ☎ 7737669865 🥵 Book Your One night StandCall Girls In Bellandur ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Bellandur ☎ 7737669865 🥵 Book Your One night Stand
amitlee9823
 
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
 

Recently uploaded (20)

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
 
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night StandCall Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
 
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
 
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
VIP Model Call Girls Hinjewadi ( Pune ) Call ON 8005736733 Starting From 5K t...
 
Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...
Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...
Mg Road Call Girls Service: 🍓 7737669865 🍓 High Profile Model Escorts | Banga...
 
Predicting Loan Approval: A Data Science Project
Predicting Loan Approval: A Data Science ProjectPredicting Loan Approval: A Data Science Project
Predicting Loan Approval: A Data Science Project
 
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
 
Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...
Call Girls Indiranagar Just Call 👗 9155563397 👗 Top Class Call Girl Service B...
 
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
 
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
 
Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -
Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -
Thane Call Girls 7091864438 Call Girls in Thane Escort service book now -
 
Capstone Project on IBM Data Analytics Program
Capstone Project on IBM Data Analytics ProgramCapstone Project on IBM Data Analytics Program
Capstone Project on IBM Data Analytics Program
 
Midocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFxMidocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFx
 
Halmar dropshipping via API with DroFx
Halmar  dropshipping  via API with DroFxHalmar  dropshipping  via API with DroFx
Halmar dropshipping via API with DroFx
 
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...
 
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men 🔝malwa🔝 Escorts Ser...
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men  🔝malwa🔝   Escorts Ser...➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men  🔝malwa🔝   Escorts Ser...
➥🔝 7737669865 🔝▻ malwa Call-girls in Women Seeking Men 🔝malwa🔝 Escorts Ser...
 
Call Girls In Doddaballapur Road ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Doddaballapur Road ☎ 7737669865 🥵 Book Your One night StandCall Girls In Doddaballapur Road ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Doddaballapur Road ☎ 7737669865 🥵 Book Your One night Stand
 
Call Girls In Bellandur ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Bellandur ☎ 7737669865 🥵 Book Your One night StandCall Girls In Bellandur ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Bellandur ☎ 7737669865 🥵 Book Your One night Stand
 
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
 
Week-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interactionWeek-01-2.ppt BBB human Computer interaction
Week-01-2.ppt BBB human Computer interaction
 

Microsoft Data Wranglers - 8august2017

Editor's Notes

  1. HBR: October 11, 2016
  2. Source: Forbes
  3. http://1.bp.blogspot.com/-BEwJqgJBBmc/URL7TOQ8BOI/AAAAAAAAID4/_aQtQXwAnps/s1600/irobotarrest.jpg
  4. http://www.erogol.com/brief-history-machine-learning/
  5. To understand Deep Learning – first principles of Neural Networks Essentially Deep Learning is a ‘rebranding” of neural networks. Newer algorithms to enable more complex networks, results in ‘deep’ Convolution Neural Networks (CNNs) / Recurrent Neural Networks (RNNs) More complex or deep Ability to use multi-dimensional arrays to train a network https://www.ncbi.nlm.nih.gov/pmc/articles/PMC4965871/ Benchmarking on State of the Art Deep Learning Software Tools
  6. https://chaosmail.github.io/deeplearning/2016/10/22/intro-to-deep-learning-for-computer-vision/ https://www.ncbi.nlm.nih.gov/pmc/articles/PMC4965871/ http://brohrer.github.io/how_convolutional_neural_networks_work.html In standard applications, convolution layers are followed by a pooling layer (Box 2). In this example, the lowest level convolutional units operate on 3 × 3 patches, but deeper ones use and capture information from larger regions. These convolutional pattern‐matching layers are followed by one or multiple fully connected layers to learn which features are most informative for classification. For each layer with learnable weights, three example images that maximize some neuron output are shown. A pre‐trained network can be used as a generic feature extractor Feeding input into the first layer (left) gives a low‐level feature representation in terms of patterns (left to right) present in smaller patches in every cell (top to bottom). Neuron activations extracted from deeper layers (right) give rise to more abstract features that capture information from a larger segment of the image.
  7. https://blog.keras.io/the-limitations-of-deep-learning.html
  8. Image Database – 100 million images to describe 100k sysnets or Synonym-net Challenge involves classification, localization, and detection Deep Neural Network of 152 Layers – 5 times more than previous
  9. Achieve a Word Error Rate of 6.3% - lowest in the industry
  10. http://blog.qure.ai/notes/neural-networks-for-genomics https://www.ncbi.nlm.nih.gov/pmc/articles/PMC4965871/ Autoencoders for dimensionality reduction and feature extraction – ADAGE (http://msystems.asm.org/content/1/1/e00025-15) Deep learning to predict gene or transcript expression levels – D-Gex Method (https://github.com/uci-cbcl/D-GEX Convolutional networks for epigenomics – DeepBind (http://www.nature.com/nbt/journal/v33/n8/full/nbt.3300.html) Deep Learning on Biological Imaging Analysis
  11. http://aka.ms/odzqnb
  12. Images from the Hubble Telescope