SIIM 2017 Scientific Session Analytics & Deep Learning Part 2 Friday, June 2 8:00 am 9:30 am

Size: px
Start display at page:

Download "SIIM 2017 Scientific Session Analytics & Deep Learning Part 2 Friday, June 2 8:00 am 9:30 am"

Transcription

1 SIIM 2017 Scientific Session Analytics & Deep Learning Part 2 Friday, June 2 8:00 am 9:30 am Performance of Deep Convolutional Neural Networks for Classification of Acute Territorial Infarct on Brain MRI: A Pilot Study for Computer Vision in Stroke Neuroimaging Ali Ahmadvand, MSc, Emory University; Supreeth Prajwal, MS; Shamim Nemati, PhD; Falgun H. Chokshi, MD, MS (Presenter) Hypothesis Introduction A deep convolutional neural network (CNN) will have a higher accuracy for classifying acute territorial infarction (ATI) on Apparent Diffusion Coefficient (ADC) maps than a shallow CNN. In the field of computer vision, CNNs are an evolving branch of deep learning algorithms that have attracted much attention as compared to the other deep learning methods. This is because of the intrinsic property of this group of networks that explicitly construct a hierarchical representation of input images, which result in a rich set of features for downstream classification tasks. CNNs generally contain three main layers such as a Convolutional Layer, a Pooling Layer, and a Fully-Connected Layer. These layers can be stacked together to form a full CNN architecture [1, 2]. CNNs have started to become a leading method for different applications of computer vision in medicine [3, 4]. One potentially impactful area to test the performance of CNNs is neuroimaging for acute stroke detection. Magnetic resonance imaging (MRI) has transformed acute stroke care and become a foundation for diagnosis and prognostication. Additionally, diffusion-weighted imaging (DWI) allows the closest approximation of core stroke volume compared to other imaging modalities [5]. Comprised of DWI and apparent diffusion coefficient (ADC) maps, these image sets are amenable to advanced machine learning methods that could help classify cases of ATI as part of a real-time image processing and deep learning pipeline that may augment the ability of the radiologist to diagnose this very timesensitive condition. In contradistinction to traditional applications of machine learning to medical images where classification and segmentation of images are in two dimensions (2D), we present work that uses threedimensional (3D) CNNs with max pooling. This model allows translation invariance, which means the presence of a certain imaging pattern must be present (i.e. stroke), without necessarily identifying its location in the image (i.e. frontal lobe or occipital lobe). Such a model obviates the need for laborious and expensive manual annotation of each image by a radiologist and allows whole-image set-level classification of MRIs as either having or not having ATI. The work presented here is the first part in the construction and implementation of such a pipeline, namely, the assessment of the performance of shallow and deep CNNs with max pooling models to compare their accuracies in comparison to human (radiologist) classification.

2 Methods Results First, a board certified neuroradiologist classified 184 brain MRI ADC map images (128x128 resolution and 24 slices/sequence) as not showing or showing ATI; these images served as the reference for machine learning methods. Patient sociodemographic information, clinical history, and additional imaging sequences were intentionally not included as our goal was to include the simplest source of imaging data to evaluate the baseline performance of the machine learning methods. Next, basic skull stripping and two-dimensional median filtering (3x3 kernel) for salt-and-paper noise removal were performed using MATLAB s image processing toolbox. All images within a sequence were normalized to the interval of [0 1]. Finally, using image augmentation, we quadrupled the number of image sequences via a combination of image transformation operations of random rotation (-+6 degrees) and flips. The resulting 3-dimensional tensors (corresponding to 2D image subspace, plus 1D slice sequence subspace) were used as input to our neural network algorithms with the ATI outcomes as the target class labels. Since an ATI generally shows up across contiguous image sequences, we employed a CNN model with 3- dimensional kernels to capture patterns across a 3-dimensional volume. In our experiments, we compared two different CNN architectures: 1) A shallow network involving a single convolutional layer with 20 filters of kernel size 3x3x3 for feature extraction. The output of this CNN network was a 50 dimensional feature vector which was then fed into a binary classification layer, and 2) A deeper network involving three convolutional layers with the first layer having 20 filters of size 5x5x3; second layer having 25 filters of size 3x3x2, and the third layer having 30 filters of size 3x3x2. The output of this CNN network was a 100-dimensional feature vector, which was then fed into a binary classification layer. We used a combination of dropout and network weight regularization to minimize over-fitting on the training data (i.e., to improve the generalization performance of our trained network). The networks were implemented using the TensorFlow library implemented in the Python programming language. We used a random 80% subset of the data for training and the remaining 20% for testing purposes, and report the classification performance (c-statistic) on the testing set. The algorithms were developed and tested on an Intel Xeon CPU E v3, 2.50GHz with 47 cores and 130 GB storage. Human Reference: Of 184 total Brain MRIs, 49 had ATI (27%) by neuroradiologist interpretation. 3D CNN Performance: The best performance AUC of the shallow CNN was 0.69 for non-stroke class and 0.65 for stroke class. In comparison, the deep CNN achieved a testing AUC of 0.83 for the non-stroke and stroke class. Training and validation accuracy for both shallow and deep CNN models in different epochs are shown in figures 1 and 2, respectively. Moreover, figures 3 and 4 depict the AUC measure on test sets for both shallow and deep CNN models in different epochs, respectively.

3 Figure 1 Figure 2

4 Figure 3 Figure 4

5 Discussion Conclusion References Hardware Performance: The hardware needs about 135 and 27 seconds for training of each mini-batch in deep and shallow CNNs, respectively. The network is capable of processing about 9 number of image sequences per second during testing. We have shown that a 3D deep CNN model can classify ATI on MRI ADC images with high accuracy compared to a human (neuroradiologist) reference. These preliminary results indicate that a combination of image augmentation and regularization has the potential to make deep learning algorithms useful even when the training dataset is relatively small, such as in this case. Furthermore, the 3D CNN with max pooling architecture allowed the machine to classify the MRI ADC images as having or not having ATI without the radiologist needing to annotate each image in the datasets. Such a process would be extremely time consuming and expensive, thereby attenuating the scalability and potential real-time application of such a machine learning model. Future work will include using semi-supervised (combination of labeled and unlabeled data) and transfer learning techniques, where a network trained for a different image classification task is fine-tuned for the application at hand using a limited labeled dataset [6]. Finally, to reduce intra-rater variability, and improve sequence labels, crowd-sourcing techniques in association with Bayesian fusion techniques can be applied [7]. To our knowledge this is the first study to demonstrate a 3D deep CNN algorithm with a high accuracy for whole image set-level classification of ATI on the brain MRI ADC maps. 1. LeCun, Y., Bottou, L., Bengio, Y., & Haffner, P. (1998). Gradient-based learning applied to document recognition. Proceedings of the IEEE, 86(11), Krizhevsky, A., Sutskever, I., & Hinton, G. E. (2012). Imagenet classification with deep convolutional neural networks. In Advances in neural information processing systems (pp ). 3. Kamnitsas, K., Ledig, C., Newcombe, V. F., Simpson, J. P., Kane, A. D., Menon, D. K.,... & Glocker, B. (2016). Efficient Multi-Scale 3D CNN with Fully Connected CRF for Accurate Brain Lesion Segmentation. arxiv preprint arxiv: Havaei, M., Davy, A., Warde-Farley, D., Biard, A., Courville, A., Bengio, Y.,... & Larochelle, H. (2016). Brain tumor segmentation with deep neural networks. Medical Image Analysis. 5. Kim BJ, Kang HG, Kim HJ, et al. (2012). Magnetic resonance imaging in acute ischemic stroke treatment. J Stroke 16: Gulshan V, Peng L, Coram M, et al. Development and Validation of a Deep Learning Algorithm for Detection of Diabetic Retinopathy in Retinal Fundus Photographs. (2016) JAMA 316: Xu, Z., Asman, A. J., Singh, E., Chambless, L., Thompson, R., & Landman, B. A. (2012, May). Collaborative labeling of malignant glioma. In th IEEE International Symposium on Biomedical Imaging (ISBI) (pp ). IEEE. Keywords machine learning, deep learning, computer vision, neural network, classification, stroke, cerebrovascular accident, acute territorial infarction, MRI

Convolutional Neural Networks

Convolutional Neural Networks Lecturer: Barnabas Poczos Introduction to Machine Learning (Lecture Notes) Convolutional Neural Networks Disclaimer: These notes have not been subjected to the usual scrutiny reserved for formal publications.

More information

Boundary-aware Fully Convolutional Network for Brain Tumor Segmentation

Boundary-aware Fully Convolutional Network for Brain Tumor Segmentation Boundary-aware Fully Convolutional Network for Brain Tumor Segmentation Haocheng Shen, Ruixuan Wang, Jianguo Zhang, and Stephen J. McKenna Computing, School of Science and Engineering, University of Dundee,

More information

Detecting Bone Lesions in Multiple Myeloma Patients using Transfer Learning

Detecting Bone Lesions in Multiple Myeloma Patients using Transfer Learning Detecting Bone Lesions in Multiple Myeloma Patients using Transfer Learning Matthias Perkonigg 1, Johannes Hofmanninger 1, Björn Menze 2, Marc-André Weber 3, and Georg Langs 1 1 Computational Imaging Research

More information

LUNG NODULE DETECTION IN CT USING 3D CONVOLUTIONAL NEURAL NETWORKS. GE Global Research, Niskayuna, NY

LUNG NODULE DETECTION IN CT USING 3D CONVOLUTIONAL NEURAL NETWORKS. GE Global Research, Niskayuna, NY LUNG NODULE DETECTION IN CT USING 3D CONVOLUTIONAL NEURAL NETWORKS Xiaojie Huang, Junjie Shan, and Vivek Vaidya GE Global Research, Niskayuna, NY ABSTRACT We propose a new computer-aided detection system

More information

3D Densely Convolutional Networks for Volumetric Segmentation. Toan Duc Bui, Jitae Shin, and Taesup Moon

3D Densely Convolutional Networks for Volumetric Segmentation. Toan Duc Bui, Jitae Shin, and Taesup Moon 3D Densely Convolutional Networks for Volumetric Segmentation Toan Duc Bui, Jitae Shin, and Taesup Moon School of Electronic and Electrical Engineering, Sungkyunkwan University, Republic of Korea arxiv:1709.03199v2

More information

arxiv: v2 [eess.iv] 9 Feb 2018

arxiv: v2 [eess.iv] 9 Feb 2018 MRI Tumor Segmentation with Densely Connected 3D CNN Lele Chen 1, Yue Wu 1, Adora M. DSouza 2, Anas Z. Abidin 3, Axel Wismüller 2,3,4,5, and Chenliang Xu 1 1 Department of Computer Science, University

More information

FACIAL POINT DETECTION BASED ON A CONVOLUTIONAL NEURAL NETWORK WITH OPTIMAL MINI-BATCH PROCEDURE. Chubu University 1200, Matsumoto-cho, Kasugai, AICHI

FACIAL POINT DETECTION BASED ON A CONVOLUTIONAL NEURAL NETWORK WITH OPTIMAL MINI-BATCH PROCEDURE. Chubu University 1200, Matsumoto-cho, Kasugai, AICHI FACIAL POINT DETECTION BASED ON A CONVOLUTIONAL NEURAL NETWORK WITH OPTIMAL MINI-BATCH PROCEDURE Masatoshi Kimura Takayoshi Yamashita Yu Yamauchi Hironobu Fuyoshi* Chubu University 1200, Matsumoto-cho,

More information

Study of Residual Networks for Image Recognition

Study of Residual Networks for Image Recognition Study of Residual Networks for Image Recognition Mohammad Sadegh Ebrahimi Stanford University sadegh@stanford.edu Hossein Karkeh Abadi Stanford University hosseink@stanford.edu Abstract Deep neural networks

More information

Deep Learning with Tensorflow AlexNet

Deep Learning with Tensorflow   AlexNet Machine Learning and Computer Vision Group Deep Learning with Tensorflow http://cvml.ist.ac.at/courses/dlwt_w17/ AlexNet Krizhevsky, Alex, Ilya Sutskever, and Geoffrey E. Hinton, "Imagenet classification

More information

Ryerson University CP8208. Soft Computing and Machine Intelligence. Naive Road-Detection using CNNS. Authors: Sarah Asiri - Domenic Curro

Ryerson University CP8208. Soft Computing and Machine Intelligence. Naive Road-Detection using CNNS. Authors: Sarah Asiri - Domenic Curro Ryerson University CP8208 Soft Computing and Machine Intelligence Naive Road-Detection using CNNS Authors: Sarah Asiri - Domenic Curro April 24 2016 Contents 1 Abstract 2 2 Introduction 2 3 Motivation

More information

Channel Locality Block: A Variant of Squeeze-and-Excitation

Channel Locality Block: A Variant of Squeeze-and-Excitation Channel Locality Block: A Variant of Squeeze-and-Excitation 1 st Huayu Li Northern Arizona University Flagstaff, United State Northern Arizona University hl459@nau.edu arxiv:1901.01493v1 [cs.lg] 6 Jan

More information

Real-time Object Detection CS 229 Course Project

Real-time Object Detection CS 229 Course Project Real-time Object Detection CS 229 Course Project Zibo Gong 1, Tianchang He 1, and Ziyi Yang 1 1 Department of Electrical Engineering, Stanford University December 17, 2016 Abstract Objection detection

More information

Convolutional Neural Networks. Computer Vision Jia-Bin Huang, Virginia Tech

Convolutional Neural Networks. Computer Vision Jia-Bin Huang, Virginia Tech Convolutional Neural Networks Computer Vision Jia-Bin Huang, Virginia Tech Today s class Overview Convolutional Neural Network (CNN) Training CNN Understanding and Visualizing CNN Image Categorization:

More information

An Exploration of Computer Vision Techniques for Bird Species Classification

An Exploration of Computer Vision Techniques for Bird Species Classification An Exploration of Computer Vision Techniques for Bird Species Classification Anne L. Alter, Karen M. Wang December 15, 2017 Abstract Bird classification, a fine-grained categorization task, is a complex

More information

Rotation Invariance Neural Network

Rotation Invariance Neural Network Rotation Invariance Neural Network Shiyuan Li Abstract Rotation invariance and translate invariance have great values in image recognition. In this paper, we bring a new architecture in convolutional neural

More information

Deep Tracking: Biologically Inspired Tracking with Deep Convolutional Networks

Deep Tracking: Biologically Inspired Tracking with Deep Convolutional Networks Deep Tracking: Biologically Inspired Tracking with Deep Convolutional Networks Si Chen The George Washington University sichen@gwmail.gwu.edu Meera Hahn Emory University mhahn7@emory.edu Mentor: Afshin

More information

Figure 1. Overview of a semantic-based classification-driven image retrieval framework. image comparison; and (3) Adaptive image retrieval captures us

Figure 1. Overview of a semantic-based classification-driven image retrieval framework. image comparison; and (3) Adaptive image retrieval captures us Semantic-based Biomedical Image Indexing and Retrieval Y. Liu a, N. A. Lazar b, and W. E. Rothfus c a The Robotics Institute Carnegie Mellon University, 5000 Forbes Ave., Pittsburgh, PA 15213, USA b Statistics

More information

COMP 551 Applied Machine Learning Lecture 16: Deep Learning

COMP 551 Applied Machine Learning Lecture 16: Deep Learning COMP 551 Applied Machine Learning Lecture 16: Deep Learning Instructor: Ryan Lowe (ryan.lowe@cs.mcgill.ca) Slides mostly by: Class web page: www.cs.mcgill.ca/~hvanho2/comp551 Unless otherwise noted, all

More information

Cost-alleviative Learning for Deep Convolutional Neural Network-based Facial Part Labeling

Cost-alleviative Learning for Deep Convolutional Neural Network-based Facial Part Labeling [DOI: 10.2197/ipsjtcva.7.99] Express Paper Cost-alleviative Learning for Deep Convolutional Neural Network-based Facial Part Labeling Takayoshi Yamashita 1,a) Takaya Nakamura 1 Hiroshi Fukui 1,b) Yuji

More information

Layerwise Interweaving Convolutional LSTM

Layerwise Interweaving Convolutional LSTM Layerwise Interweaving Convolutional LSTM Tiehang Duan and Sargur N. Srihari Department of Computer Science and Engineering The State University of New York at Buffalo Buffalo, NY 14260, United States

More information

Deep Neural Networks:

Deep Neural Networks: Deep Neural Networks: Part II Convolutional Neural Network (CNN) Yuan-Kai Wang, 2016 Web site of this course: http://pattern-recognition.weebly.com source: CNN for ImageClassification, by S. Lazebnik,

More information

Deep Learning Based Real-time Object Recognition System with Image Web Crawler

Deep Learning Based Real-time Object Recognition System with Image Web Crawler , pp.103-110 http://dx.doi.org/10.14257/astl.2016.142.19 Deep Learning Based Real-time Object Recognition System with Image Web Crawler Myung-jae Lee 1, Hyeok-june Jeong 1, Young-guk Ha 2 1 Department

More information

ImageNet Classification with Deep Convolutional Neural Networks

ImageNet Classification with Deep Convolutional Neural Networks ImageNet Classification with Deep Convolutional Neural Networks Alex Krizhevsky Ilya Sutskever Geoffrey Hinton University of Toronto Canada Paper with same name to appear in NIPS 2012 Main idea Architecture

More information

Lung Nodule Detection using 3D Convolutional Neural Networks Trained on Weakly Labeled Data

Lung Nodule Detection using 3D Convolutional Neural Networks Trained on Weakly Labeled Data Lung Nodule Detection using 3D Convolutional Neural Networks Trained on Weakly Labeled Data Rushil Anirudh 1, Jayaraman J. Thiagarajan 2, Timo Bremer 2, and Hyojin Kim 2 1 School of Electrical, Computer

More information

MRI Tumor Segmentation with Densely Connected 3D CNN. Lele Chen, Yue Wu, Adora M. DSouze, Anas Z. Abidin, Axel Wismüller, and Chenliang Xu

MRI Tumor Segmentation with Densely Connected 3D CNN. Lele Chen, Yue Wu, Adora M. DSouze, Anas Z. Abidin, Axel Wismüller, and Chenliang Xu 1 MRI Tumor Segmentation with Densely Connected 3D CNN Lele Chen, Yue Wu, Adora M. DSouze, Anas Z. Abidin, Axel Wismüller, and MRI Brain Tumor Segmentation 2 Image source: https://github.com/naldeborgh7575/brain_segmentation

More information

Kaggle Data Science Bowl 2017 Technical Report

Kaggle Data Science Bowl 2017 Technical Report Kaggle Data Science Bowl 2017 Technical Report qfpxfd Team May 11, 2017 1 Team Members Table 1: Team members Name E-Mail University Jia Ding dingjia@pku.edu.cn Peking University, Beijing, China Aoxue Li

More information

Deep Similarity Learning for Multimodal Medical Images

Deep Similarity Learning for Multimodal Medical Images Deep Similarity Learning for Multimodal Medical Images Xi Cheng, Li Zhang, and Yefeng Zheng Siemens Corporation, Corporate Technology, Princeton, NJ, USA Abstract. An effective similarity measure for multi-modal

More information

Seminars in Artifiial Intelligenie and Robotiis

Seminars in Artifiial Intelligenie and Robotiis Seminars in Artifiial Intelligenie and Robotiis Computer Vision for Intelligent Robotiis Basiis and hints on CNNs Alberto Pretto What is a neural network? We start from the frst type of artifcal neuron,

More information

Convolution Neural Networks for Chinese Handwriting Recognition

Convolution Neural Networks for Chinese Handwriting Recognition Convolution Neural Networks for Chinese Handwriting Recognition Xu Chen Stanford University 450 Serra Mall, Stanford, CA 94305 xchen91@stanford.edu Abstract Convolutional neural networks have been proven

More information

Stacked Denoising Autoencoders for Face Pose Normalization

Stacked Denoising Autoencoders for Face Pose Normalization Stacked Denoising Autoencoders for Face Pose Normalization Yoonseop Kang 1, Kang-Tae Lee 2,JihyunEun 2, Sung Eun Park 2 and Seungjin Choi 1 1 Department of Computer Science and Engineering Pohang University

More information

Multi-Input Cardiac Image Super-Resolution using Convolutional Neural Networks

Multi-Input Cardiac Image Super-Resolution using Convolutional Neural Networks Multi-Input Cardiac Image Super-Resolution using Convolutional Neural Networks Ozan Oktay, Wenjia Bai, Matthew Lee, Ricardo Guerrero, Konstantinos Kamnitsas, Jose Caballero, Antonio de Marvao, Stuart Cook,

More information

arxiv: v1 [cs.cv] 18 Jun 2017

arxiv: v1 [cs.cv] 18 Jun 2017 Tversky loss function for image segmentation using 3D fully convolutional deep networks Seyed Sadegh Mohseni Salehi 1,2, Deniz Erdogmus 1, and Ali Gholipour 2 arxiv:1706.05721v1 [cs.cv] 18 Jun 2017 1 Electrical

More information

Computer Vision Lecture 16

Computer Vision Lecture 16 Computer Vision Lecture 16 Deep Learning for Object Categorization 14.01.2016 Bastian Leibe RWTH Aachen http://www.vision.rwth-aachen.de leibe@vision.rwth-aachen.de Announcements Seminar registration period

More information

Microscopy Cell Counting with Fully Convolutional Regression Networks

Microscopy Cell Counting with Fully Convolutional Regression Networks Microscopy Cell Counting with Fully Convolutional Regression Networks Weidi Xie, J. Alison Noble, Andrew Zisserman Department of Engineering Science, University of Oxford,UK Abstract. This paper concerns

More information

Deep Learning in Visual Recognition. Thanks Da Zhang for the slides

Deep Learning in Visual Recognition. Thanks Da Zhang for the slides Deep Learning in Visual Recognition Thanks Da Zhang for the slides Deep Learning is Everywhere 2 Roadmap Introduction Convolutional Neural Network Application Image Classification Object Detection Object

More information

Advanced Introduction to Machine Learning, CMU-10715

Advanced Introduction to Machine Learning, CMU-10715 Advanced Introduction to Machine Learning, CMU-10715 Deep Learning Barnabás Póczos, Sept 17 Credits Many of the pictures, results, and other materials are taken from: Ruslan Salakhutdinov Joshua Bengio

More information

Part Localization by Exploiting Deep Convolutional Networks

Part Localization by Exploiting Deep Convolutional Networks Part Localization by Exploiting Deep Convolutional Networks Marcel Simon, Erik Rodner, and Joachim Denzler Computer Vision Group, Friedrich Schiller University of Jena, Germany www.inf-cv.uni-jena.de Abstract.

More information

Automated Diagnosis of Lymphoma with Digital Pathology Images Using Deep Learning

Automated Diagnosis of Lymphoma with Digital Pathology Images Using Deep Learning Automated Diagnosis of Lymphoma with Digital Pathology Images Using Deep Learning Andy Nguyen, M.D., M.S. Medical Director, Hematopathology, Hematology and Coagulation Laboratory, Memorial Hermann Laboratory

More information

Automated Diagnosis of Vertebral Fractures using 2D and 3D Convolutional Networks

Automated Diagnosis of Vertebral Fractures using 2D and 3D Convolutional Networks Automated Diagnosis of Vertebral Fractures using 2D and 3D Convolutional Networks CS189 Final Project Naofumi Tomita Overview Automated diagnosis of osteoporosis-related vertebral fractures is a useful

More information

Deep Learning for Computer Vision with MATLAB By Jon Cherrie

Deep Learning for Computer Vision with MATLAB By Jon Cherrie Deep Learning for Computer Vision with MATLAB By Jon Cherrie 2015 The MathWorks, Inc. 1 Deep learning is getting a lot of attention "Dahl and his colleagues won $22,000 with a deeplearning system. 'We

More information

Deep Learning for Computer Vision II

Deep Learning for Computer Vision II IIIT Hyderabad Deep Learning for Computer Vision II C. V. Jawahar Paradigm Shift Feature Extraction (SIFT, HoG, ) Part Models / Encoding Classifier Sparrow Feature Learning Classifier Sparrow L 1 L 2 L

More information

SELF SUPERVISED DEEP REPRESENTATION LEARNING FOR FINE-GRAINED BODY PART RECOGNITION

SELF SUPERVISED DEEP REPRESENTATION LEARNING FOR FINE-GRAINED BODY PART RECOGNITION SELF SUPERVISED DEEP REPRESENTATION LEARNING FOR FINE-GRAINED BODY PART RECOGNITION Pengyue Zhang Fusheng Wang Yefeng Zheng Medical Imaging Technologies, Siemens Medical Solutions USA Inc., Princeton,

More information

arxiv: v1 [cs.cv] 30 Jul 2017

arxiv: v1 [cs.cv] 30 Jul 2017 Virtual PET Images from CT Data Using Deep Convolutional Networks: Initial Results Avi Ben-Cohen 1, Eyal Klang 2, Stephen P. Raskin 2, Michal Marianne Amitai 2, and Hayit Greenspan 1 arxiv:1707.09585v1

More information

3D model classification using convolutional neural network

3D model classification using convolutional neural network 3D model classification using convolutional neural network JunYoung Gwak Stanford jgwak@cs.stanford.edu Abstract Our goal is to classify 3D models directly using convolutional neural network. Most of existing

More information

Global Thresholding Techniques to Classify Dead Cells in Diffusion Weighted Magnetic Resonant Images

Global Thresholding Techniques to Classify Dead Cells in Diffusion Weighted Magnetic Resonant Images Global Thresholding Techniques to Classify Dead Cells in Diffusion Weighted Magnetic Resonant Images Ravi S 1, A. M. Khan 2 1 Research Student, Department of Electronics, Mangalore University, Karnataka

More information

Convolutional Neural Networks for Facial Expression Recognition

Convolutional Neural Networks for Facial Expression Recognition Convolutional Neural Networks for Facial Expression Recognition Shima Alizadeh Stanford University shima86@stanford.edu Azar Fazel Stanford University azarf@stanford.edu Abstract In this project, we have

More information

3D-CNN and SVM for Multi-Drug Resistance Detection

3D-CNN and SVM for Multi-Drug Resistance Detection 3D-CNN and SVM for Multi-Drug Resistance Detection Imane Allaouzi, Badr Benamrou, Mohamed Benamrou and Mohamed Ben Ahmed Abdelmalek Essaâdi University Faculty of Sciences and Techniques, Tangier, Morocco

More information

Perceptron: This is convolution!

Perceptron: This is convolution! Perceptron: This is convolution! v v v Shared weights v Filter = local perceptron. Also called kernel. By pooling responses at different locations, we gain robustness to the exact spatial location of image

More information

Multi-resolution-Tract CNN with Hybrid Pretrained and Skin-Lesion Trained Layers

Multi-resolution-Tract CNN with Hybrid Pretrained and Skin-Lesion Trained Layers Multi-resolution-Tract CNN with Hybrid Pretrained and Skin-Lesion Trained Layers Jeremy Kawahara, and Ghassan Hamarneh Medical Image Analysis Lab, Simon Fraser University, Burnaby, Canada {jkawahar,hamarneh}@sfu.ca

More information

Classifying Depositional Environments in Satellite Images

Classifying Depositional Environments in Satellite Images Classifying Depositional Environments in Satellite Images Alex Miltenberger and Rayan Kanfar Department of Geophysics School of Earth, Energy, and Environmental Sciences Stanford University 1 Introduction

More information

Minimizing Computation in Convolutional Neural Networks

Minimizing Computation in Convolutional Neural Networks Minimizing Computation in Convolutional Neural Networks Jason Cong and Bingjun Xiao Computer Science Department, University of California, Los Angeles, CA 90095, USA {cong,xiao}@cs.ucla.edu Abstract. Convolutional

More information

Learning Binary Code with Deep Learning to Detect Software Weakness

Learning Binary Code with Deep Learning to Detect Software Weakness KSII The 9 th International Conference on Internet (ICONI) 2017 Symposium. Copyright c 2017 KSII 245 Learning Binary Code with Deep Learning to Detect Software Weakness Young Jun Lee *, Sang-Hoon Choi

More information

Deep Neural Network Hyperparameter Optimization with Genetic Algorithms

Deep Neural Network Hyperparameter Optimization with Genetic Algorithms Deep Neural Network Hyperparameter Optimization with Genetic Algorithms EvoDevo A Genetic Algorithm Framework Aaron Vose, Jacob Balma, Geert Wenes, and Rangan Sukumar Cray Inc. October 2017 Presenter Vose,

More information

Automatic Detection of Multiple Organs Using Convolutional Neural Networks

Automatic Detection of Multiple Organs Using Convolutional Neural Networks Automatic Detection of Multiple Organs Using Convolutional Neural Networks Elizabeth Cole University of Massachusetts Amherst Amherst, MA ekcole@umass.edu Sarfaraz Hussein University of Central Florida

More information

CEA LIST s participation to the Scalable Concept Image Annotation task of ImageCLEF 2015

CEA LIST s participation to the Scalable Concept Image Annotation task of ImageCLEF 2015 CEA LIST s participation to the Scalable Concept Image Annotation task of ImageCLEF 2015 Etienne Gadeski, Hervé Le Borgne, and Adrian Popescu CEA, LIST, Laboratory of Vision and Content Engineering, France

More information

International Journal of Computer Engineering and Applications, Volume XII, Special Issue, September 18,

International Journal of Computer Engineering and Applications, Volume XII, Special Issue, September 18, REAL-TIME OBJECT DETECTION WITH CONVOLUTION NEURAL NETWORK USING KERAS Asmita Goswami [1], Lokesh Soni [2 ] Department of Information Technology [1] Jaipur Engineering College and Research Center Jaipur[2]

More information

Machine Learning. MGS Lecture 3: Deep Learning

Machine Learning. MGS Lecture 3: Deep Learning Dr Michel F. Valstar http://cs.nott.ac.uk/~mfv/ Machine Learning MGS Lecture 3: Deep Learning Dr Michel F. Valstar http://cs.nott.ac.uk/~mfv/ WHAT IS DEEP LEARNING? Shallow network: Only one hidden layer

More information

Volumetric Medical Image Segmentation with Deep Convolutional Neural Networks

Volumetric Medical Image Segmentation with Deep Convolutional Neural Networks Volumetric Medical Image Segmentation with Deep Convolutional Neural Networks Manvel Avetisian Lomonosov Moscow State University avetisian@gmail.com Abstract. This paper presents a neural network architecture

More information

Transfer Learning for Domain Adaptation in MRI: Application in Brain Lesion Segmentation

Transfer Learning for Domain Adaptation in MRI: Application in Brain Lesion Segmentation Transfer Learning for Domain Adaptation in MRI: Application in Brain Lesion Segmentation Mohsen Ghafoorian 1,2,3, Alireza Mehrtash 2,4, Tina Kapur 2, Nico Karssemeijer 1, Elena Marchiori 3, Mehran Pesteie

More information

SEGMENTATION OF STROKE REGIONS FROM DWI AND ADC SEQUENCES USING A MODIFIED WATERSHED METHOD

SEGMENTATION OF STROKE REGIONS FROM DWI AND ADC SEQUENCES USING A MODIFIED WATERSHED METHOD SEGMENTATION OF STROKE REGIONS FROM DWI AND ADC SEQUENCES USING A MODIFIED WATERSHED METHOD Ravi S. 1, A.M. Khan 2 1 Research Student, Dept. of Electronics, Mangalore University, Mangalagangotri, India

More information

Ischemic Stroke Lesion Segmentation Proceedings 5th October 2015 Munich, Germany

Ischemic Stroke Lesion Segmentation   Proceedings 5th October 2015 Munich, Germany 0111010001110001101000100101010111100111011100100011011101110101101012 Ischemic Stroke Lesion Segmentation www.isles-challenge.org Proceedings 5th October 2015 Munich, Germany Preface Stroke is the second

More information

Isointense infant brain MRI segmentation with a dilated convolutional neural network Moeskops, P.; Pluim, J.P.W.

Isointense infant brain MRI segmentation with a dilated convolutional neural network Moeskops, P.; Pluim, J.P.W. Isointense infant brain MRI segmentation with a dilated convolutional neural network Moeskops, P.; Pluim, J.P.W. Published: 09/08/2017 Document Version Author s version before peer-review Please check

More information

Computer Vision Lecture 16

Computer Vision Lecture 16 Computer Vision Lecture 16 Deep Learning Applications 11.01.2017 Bastian Leibe RWTH Aachen http://www.vision.rwth-aachen.de leibe@vision.rwth-aachen.de Announcements Seminar registration period starts

More information

Deep Learning With Noise

Deep Learning With Noise Deep Learning With Noise Yixin Luo Computer Science Department Carnegie Mellon University yixinluo@cs.cmu.edu Fan Yang Department of Mathematical Sciences Carnegie Mellon University fanyang1@andrew.cmu.edu

More information

MULTI-LEVEL 3D CONVOLUTIONAL NEURAL NETWORK FOR OBJECT RECOGNITION SAMBIT GHADAI XIAN LEE ADITYA BALU SOUMIK SARKAR ADARSH KRISHNAMURTHY

MULTI-LEVEL 3D CONVOLUTIONAL NEURAL NETWORK FOR OBJECT RECOGNITION SAMBIT GHADAI XIAN LEE ADITYA BALU SOUMIK SARKAR ADARSH KRISHNAMURTHY MULTI-LEVEL 3D CONVOLUTIONAL NEURAL NETWORK FOR OBJECT RECOGNITION SAMBIT GHADAI XIAN LEE ADITYA BALU SOUMIK SARKAR ADARSH KRISHNAMURTHY Outline Object Recognition Multi-Level Volumetric Representations

More information

Deep Residual Architecture for Skin Lesion Segmentation

Deep Residual Architecture for Skin Lesion Segmentation Deep Residual Architecture for Skin Lesion Segmentation Venkatesh G M 1, Naresh Y G 1, Suzanne Little 2, and Noel O Connor 2 1 Insight Centre for Data Analystics-DCU, Dublin, Ireland 2 Dublin City University,

More information

Learning Social Graph Topologies using Generative Adversarial Neural Networks

Learning Social Graph Topologies using Generative Adversarial Neural Networks Learning Social Graph Topologies using Generative Adversarial Neural Networks Sahar Tavakoli 1, Alireza Hajibagheri 1, and Gita Sukthankar 1 1 University of Central Florida, Orlando, Florida sahar@knights.ucf.edu,alireza@eecs.ucf.edu,gitars@eecs.ucf.edu

More information

Efficient Convolutional Network Learning using Parametric Log based Dual-Tree Wavelet ScatterNet

Efficient Convolutional Network Learning using Parametric Log based Dual-Tree Wavelet ScatterNet Efficient Convolutional Network Learning using Parametric Log based Dual-Tree Wavelet ScatterNet Amarjot Singh, Nick Kingsbury Signal Processing Group, Department of Engineering, University of Cambridge,

More information

3D Surface Reconstruction of the Brain based on Level Set Method

3D Surface Reconstruction of the Brain based on Level Set Method 3D Surface Reconstruction of the Brain based on Level Set Method Shijun Tang, Bill P. Buckles, and Kamesh Namuduri Department of Computer Science & Engineering Department of Electrical Engineering University

More information

Return of the Devil in the Details: Delving Deep into Convolutional Nets

Return of the Devil in the Details: Delving Deep into Convolutional Nets Return of the Devil in the Details: Delving Deep into Convolutional Nets Ken Chatfield - Karen Simonyan - Andrea Vedaldi - Andrew Zisserman University of Oxford The Devil is still in the Details 2011 2014

More information

Fully Convolutional Network for Depth Estimation and Semantic Segmentation

Fully Convolutional Network for Depth Estimation and Semantic Segmentation Fully Convolutional Network for Depth Estimation and Semantic Segmentation Yokila Arora ICME Stanford University yarora@stanford.edu Ishan Patil Department of Electrical Engineering Stanford University

More information

On the Effectiveness of Neural Networks Classifying the MNIST Dataset

On the Effectiveness of Neural Networks Classifying the MNIST Dataset On the Effectiveness of Neural Networks Classifying the MNIST Dataset Carter W. Blum March 2017 1 Abstract Convolutional Neural Networks (CNNs) are the primary driver of the explosion of computer vision.

More information

Detection-aided medical image segmentation using deep learning

Detection-aided medical image segmentation using deep learning Detection-aided medical image segmentation using deep learning A Master s Thesis Submitted to the Faculty of the Escola Tècnica d Enginyeria de Telecomunicació de Barcelona Universitat Politècnica de Catalunya

More information

Deep Neural Networks for Recognizing Online Handwritten Mathematical Symbols

Deep Neural Networks for Recognizing Online Handwritten Mathematical Symbols Deep Neural Networks for Recognizing Online Handwritten Mathematical Symbols Hai Dai Nguyen 1, Anh Duc Le 2 and Masaki Nakagawa 3 Tokyo University of Agriculture and Technology 2-24-16 Nakacho, Koganei-shi,

More information

2 OVERVIEW OF RELATED WORK

2 OVERVIEW OF RELATED WORK Utsushi SAKAI Jun OGATA This paper presents a pedestrian detection system based on the fusion of sensors for LIDAR and convolutional neural network based image classification. By using LIDAR our method

More information

Lung nodule detection by using. Deep Learning

Lung nodule detection by using. Deep Learning VRIJE UNIVERSITEIT AMSTERDAM RESEARCH PAPER Lung nodule detection by using Deep Learning Author: Thomas HEENEMAN Supervisor: Dr. Mark HOOGENDOORN Msc. Business Analytics Department of Mathematics Faculty

More information

INTRODUCTION TO DEEP LEARNING

INTRODUCTION TO DEEP LEARNING INTRODUCTION TO DEEP LEARNING CONTENTS Introduction to deep learning Contents 1. Examples 2. Machine learning 3. Neural networks 4. Deep learning 5. Convolutional neural networks 6. Conclusion 7. Additional

More information

Convolution Neural Network for Traditional Chinese Calligraphy Recognition

Convolution Neural Network for Traditional Chinese Calligraphy Recognition Convolution Neural Network for Traditional Chinese Calligraphy Recognition Boqi Li Mechanical Engineering Stanford University boqili@stanford.edu Abstract script. Fig. 1 shows examples of the same TCC

More information

Advanced Machine Learning

Advanced Machine Learning Advanced Machine Learning Convolutional Neural Networks for Handwritten Digit Recognition Andreas Georgopoulos CID: 01281486 Abstract Abstract At this project three different Convolutional Neural Netwroks

More information

Dynamic Routing Between Capsules

Dynamic Routing Between Capsules Report Explainable Machine Learning Dynamic Routing Between Capsules Author: Michael Dorkenwald Supervisor: Dr. Ullrich Köthe 28. Juni 2018 Inhaltsverzeichnis 1 Introduction 2 2 Motivation 2 3 CapusleNet

More information

FACIAL POINT DETECTION USING CONVOLUTIONAL NEURAL NETWORK TRANSFERRED FROM A HETEROGENEOUS TASK

FACIAL POINT DETECTION USING CONVOLUTIONAL NEURAL NETWORK TRANSFERRED FROM A HETEROGENEOUS TASK FACIAL POINT DETECTION USING CONVOLUTIONAL NEURAL NETWORK TRANSFERRED FROM A HETEROGENEOUS TASK Takayoshi Yamashita* Taro Watasue** Yuji Yamauchi* Hironobu Fujiyoshi* *Chubu University, **Tome R&D 1200,

More information

Enhao Gong, PhD Candidate, Electrical Engineering, Stanford University Dr. John Pauly, Professor in Electrical Engineering, Stanford University Dr.

Enhao Gong, PhD Candidate, Electrical Engineering, Stanford University Dr. John Pauly, Professor in Electrical Engineering, Stanford University Dr. Enhao Gong, PhD Candidate, Electrical Engineering, Stanford University Dr. John Pauly, Professor in Electrical Engineering, Stanford University Dr. Greg Zaharchuk, Associate Professor in Radiology, Stanford

More information

Computer Vision Lecture 16

Computer Vision Lecture 16 Announcements Computer Vision Lecture 16 Deep Learning Applications 11.01.2017 Seminar registration period starts on Friday We will offer a lab course in the summer semester Deep Robot Learning Topic:

More information

Automated Segmentation of Brain Parts from MRI Image Slices

Automated Segmentation of Brain Parts from MRI Image Slices Volume 114 No. 11 2017, 39-46 ISSN: 1311-8080 (printed version); ISSN: 1314-3395 (on-line version) url: http://www.ijpam.eu ijpam.eu Automated Segmentation of Brain Parts from MRI Image Slices 1 N. Madhesh

More information

Proceedings of the International MultiConference of Engineers and Computer Scientists 2018 Vol I IMECS 2018, March 14-16, 2018, Hong Kong

Proceedings of the International MultiConference of Engineers and Computer Scientists 2018 Vol I IMECS 2018, March 14-16, 2018, Hong Kong , March 14-16, 2018, Hong Kong , March 14-16, 2018, Hong Kong , March 14-16, 2018, Hong Kong , March 14-16, 2018, Hong Kong TABLE I CLASSIFICATION ACCURACY OF DIFFERENT PRE-TRAINED MODELS ON THE TEST DATA

More information

Simultaneous Multiple Surface Segmentation Using Deep Learning

Simultaneous Multiple Surface Segmentation Using Deep Learning Simultaneous Multiple Surface Segmentation Using Deep Learning Abhay Shah 1, Michael D. Abramoff 1,2 and Xiaodong Wu 1,3 Department of 1 Electrical and Computer Engineering, 2 Radiation Oncology, 3 Department

More information

Emotion Detection using Deep Belief Networks

Emotion Detection using Deep Belief Networks Emotion Detection using Deep Belief Networks Kevin Terusaki and Vince Stigliani May 9, 2014 Abstract In this paper, we explore the exciting new field of deep learning. Recent discoveries have made it possible

More information

arxiv: v4 [cs.cv] 21 Jun 2017

arxiv: v4 [cs.cv] 21 Jun 2017 A Fixed-Point Model for Pancreas Segmentation in Abdominal CT Scans Yuyin Zhou 1, Lingxi Xie 2( ), Wei Shen 3, Yan Wang 4, Elliot K. Fishman 5, Alan L. Yuille 6 arxiv:1612.08230v4 [cs.cv] 21 Jun 2017 1,2,3,4,6

More information

Multi-Glance Attention Models For Image Classification

Multi-Glance Attention Models For Image Classification Multi-Glance Attention Models For Image Classification Chinmay Duvedi Stanford University Stanford, CA cduvedi@stanford.edu Pararth Shah Stanford University Stanford, CA pararth@stanford.edu Abstract We

More information

Structured Prediction using Convolutional Neural Networks

Structured Prediction using Convolutional Neural Networks Overview Structured Prediction using Convolutional Neural Networks Bohyung Han bhhan@postech.ac.kr Computer Vision Lab. Convolutional Neural Networks (CNNs) Structured predictions for low level computer

More information

arxiv: v1 [cs.cv] 29 Oct 2017

arxiv: v1 [cs.cv] 29 Oct 2017 A SAAK TRANSFORM APPROACH TO EFFICIENT, SCALABLE AND ROBUST HANDWRITTEN DIGITS RECOGNITION Yueru Chen, Zhuwei Xu, Shanshan Cai, Yujian Lang and C.-C. Jay Kuo Ming Hsieh Department of Electrical Engineering

More information

Hybrid Approach for MRI Human Head Scans Classification using HTT based SFTA Texture Feature Extraction Technique

Hybrid Approach for MRI Human Head Scans Classification using HTT based SFTA Texture Feature Extraction Technique Volume 118 No. 17 2018, 691-701 ISSN: 1311-8080 (printed version); ISSN: 1314-3395 (on-line version) url: http://www.ijpam.eu ijpam.eu Hybrid Approach for MRI Human Head Scans Classification using HTT

More information

Quantifying Translation-Invariance in Convolutional Neural Networks

Quantifying Translation-Invariance in Convolutional Neural Networks Quantifying Translation-Invariance in Convolutional Neural Networks Eric Kauderer-Abrams Stanford University 450 Serra Mall, Stanford, CA 94305 ekabrams@stanford.edu Abstract A fundamental problem in object

More information

IMPROVING THE ROBUSTNESS OF CONVOLUTIONAL NETWORKS TO APPEARANCE VARIABILITY IN BIOMEDICAL IMAGES

IMPROVING THE ROBUSTNESS OF CONVOLUTIONAL NETWORKS TO APPEARANCE VARIABILITY IN BIOMEDICAL IMAGES 2018 IEEE 15th International Symposium on Biomedical Imaging (ISBI 2018) April 4-7, 2018, Washington, D.C., USA IMPROVING THE ROBUSTNESS OF CONVOLUTIONAL NETWORKS TO APPEARANCE VARIABILITY IN BIOMEDICAL

More information

Deep Model Adaptation using Domain Adversarial Training

Deep Model Adaptation using Domain Adversarial Training Deep Model Adaptation using Domain Adversarial Training Victor Lempitsky, joint work with Yaroslav Ganin Skolkovo Institute of Science and Technology ( Skoltech ) Moscow region, Russia Deep supervised

More information

Analyze EEG Signals with Convolutional Neural Network Based on Power Spectrum Feature Selection

Analyze EEG Signals with Convolutional Neural Network Based on Power Spectrum Feature Selection Analyze EEG Signals with Convolutional Neural Network Based on Power Spectrum Feature Selection 1 Brain Cognitive Computing Lab, School of Information Engineering, Minzu University of China Beijing, 100081,

More information

Deep Learning Workshop. Nov. 20, 2015 Andrew Fishberg, Rowan Zellers

Deep Learning Workshop. Nov. 20, 2015 Andrew Fishberg, Rowan Zellers Deep Learning Workshop Nov. 20, 2015 Andrew Fishberg, Rowan Zellers Why deep learning? The ImageNet Challenge Goal: image classification with 1000 categories Top 5 error rate of 15%. Krizhevsky, Alex,

More information

Real-time convolutional networks for sonar image classification in low-power embedded systems

Real-time convolutional networks for sonar image classification in low-power embedded systems Real-time convolutional networks for sonar image classification in low-power embedded systems Matias Valdenegro-Toro Ocean Systems Laboratory - School of Engineering & Physical Sciences Heriot-Watt University,

More information

Facial Key Points Detection using Deep Convolutional Neural Network - NaimishNet

Facial Key Points Detection using Deep Convolutional Neural Network - NaimishNet 1 Facial Key Points Detection using Deep Convolutional Neural Network - NaimishNet Naimish Agarwal, IIIT-Allahabad (irm2013013@iiita.ac.in) Artus Krohn-Grimberghe, University of Paderborn (artus@aisbi.de)

More information

Content-Based Image Recovery

Content-Based Image Recovery Content-Based Image Recovery Hong-Yu Zhou and Jianxin Wu National Key Laboratory for Novel Software Technology Nanjing University, China zhouhy@lamda.nju.edu.cn wujx2001@nju.edu.cn Abstract. We propose

More information