arxiv: v1 [cs.cr] 1 Nov 2018

Size: px
Start display at page:

Download "arxiv: v1 [cs.cr] 1 Nov 2018"

Transcription

1 IMPROVING ADVERSARIAL ROBUSTNESS BY ENCOURAGING DISCRIMINATIVE FEATURES Chirag Agarwal Anh Nguyen Dan Schonfeld University of Illinois at Chicago, Chicago, IL, USA Auburn University, Auburn, AL, USA arxiv: v1 [cs.cr] 1 Nov 2018 ABSTRACT Deep neural networks (DNNs) have achieved state-of-theart results in various pattern recognition tasks. However, they perform poorly on out-of-distribution adversarial examples i.e. inputs that are specifically crafted by an adversary to cause DNNs to misbehave, questioning the security and reliability of applications. In this paper, we encourage DNN classifiers to learn more discriminative features by imposing a center loss [1] in addition to the regular softmax crossentropy loss. Intuitively, the center loss encourages DNNs to simultaneously learns a center for the deep features of each class, and minimize the distances between the intra-class deep features and their corresponding class centers. We hypothesize that minimizing distances between intra-class features and maximizing the distances between inter-class features at the same time would improve a classifier s robustness to adversarial examples. Our results on state-of-the-art architectures on MNIST, CIFAR-10 and CIFAR-100 confirmed that intuition and highlight the importance of discriminative features. Index Terms Machine Learning, Robustness, Defenses, Deep Learning 1. INTRODUCTION In recent years, machine learning and in particular deep learning has impacted various fields, such as computer vision, natural language processing, and sentiment analysis. Regardless of their superior performances, these algorithms can be breached using adversarial inputs: perturbed inputs to force an algorithm to provide adversary-selected outputs[2]. Detailing all adversarial attacks in the literature is outside the scope of this paper and hence, we will be providing a brief summary of the different adversarial attacks, defenses and hypothesized reasons behind the existence of adversarial samples. Fast Gradient Sign Method (FGSM) was proposed as a fast method to generate adversarial samples by adding perturbation proportional to the sign of the cost functions gradient [3]. However, using iterative optimization-based attacks, such as Basic Iterative Method [4], Projected Gradient Descent [5], and Carlini-Wagner attack [6], has become standard practice in evaluating defenses. Black-box threat models can be considered as strict subsets of the white-box attacks as they do not use the model knowledge for generating adversaries. Attacks like Single pixel [7], Local Search [8], and Houdini attack [9] have shown to generate adversarial examples (AXs) with higher adversarial strengths [10]. Recent approaches for defending against AXs include: (1) adversarial training [3]; (2) input transformation [11]; (3) regularization [12]; and (4) detecting out-of-distribution inputs [13]. Despite a torrent of defense work, scheming robust models against AXs remains an open problem. Furthermore, there have been contrasting views on the existence of AXs. Linearity hypothesis, the flatness of decision boundaries, the large local curvature of the decision boundaries and low flexibility of the networks are some examples of the viewpoints on the existence of AXs that do not perfectly align with each other [10]. Inspired by k-nearest Neighbor (knn), classifiers trained with the center loss [1] learn a center (feature vector) for each class. Intuitively, softmax cross-entropy loss attempts to maximize the inter-class distance and center loss attempts to minimize the distance between the intra-class features. We hypothesize that encouraging features to be more discriminative might help classifiers learn decision boundaries that are more compact, and leave less inter-class low-probability pockets in the feature space [2] (i.e. less room for adversarial perturbations). In this paper, we show that DNN classifiers trained with a center loss in addition to the traditional softmax crossentropy loss are substantially more robust to both white-box and black-box adversarial attacks. The paper makes the following contributions: We found that incorporating the center loss substantially helps DNNs learn discriminative features and become more resistant to adversarial examples generated by white-box and black-box attacks including Projected Gradient Descent [5], Carlini-Wagner[6] and Single Pixel attacks[7]. We ran experiments on MNIST, CIFAR-10, and CIFAR-100 datasets. Interestingly, the center loss when combined with the

2 adversarial training [3] makes DNNs even more robust than adversarial training alone. 2. A FEATURE LEARNING VIEW ON ROBUSTNESS Much of our discussion will revolve around how learning distinct features improves the adversarial robustness of a DNN. This study highlights how the approach can be used to achieve local robustness within the targeted classes. We briefly provide the key details and notations that will be used in this section. Notations. Let D(X) = Y be a DNN used for a given classification task for input image X and Y being the probability scores over the classes. The DNN maps an image to a probability distribution over the classes. We define the feature layer, the layer before the softmax layer, as F. So, the output probability score for the image X is given by D(X) = sof tmax(f (X)) (1) The predicted class for the image X is then given as C(X) = argmax i D(x i ), where D(x i ) is the predicted class probability for class i. The adversarial examples, X a, are samples that are adjacent to clean examples but the predicted label by the network is different, i.e. C(X a ) C(X). We now define the local robustness for a DNN [14]. train two versions of a LeNet network using ReLU activation with softmax and a combination of softmax and center loss separately. Going forward, we denote a model trained with softmax loss as D S and the one with softmax and center loss together as D SC. We train using stochastic gradient descent (SGD) optimizer for 60k images and test on 10k testing samples. Additionally, we also used adversarial training to train both D S and D SC with AXs generated using FGSM attack with ɛ = 0.3. Let them be denoted by D AT S and D AT SC respectively. Fig.1 illustrates the feature learned by the feature layer, layer prior to final layer, for the models D S (Fig.1a) and D SC (Fig.1b). The results suggests that D SC learns more robust and discriminative features as compared to D S. Subsequently, the minimum δ needed to generate AXs is smaller for Fig.1a. We validated this by attacking the trained models using FGSM attack algorithm with ɛ = 0.1 and found that the performance of D S and D SC model falls from 96.95% to 70.34% and from 98.40% to 78.73% respectively. Clearly, D SC has a better adversarial performance than D S. This point is further justified from Fig.1a where the high variance among intra-class features for the D S model is observed. Definition 1 A DNN D is δ locally robust at point x if x a x x a 2 2 δ = C(x) = C(x a ) (2) Eqn. (2) inherently means that the DNN should assign the same labels to two input samples that are very close to each other, δ separated in this case. Intuitively, this means that features learned from the same class should have smaller variance between them or in other words the features should have small intra-class variance. This gives us the motivation of using center-loss in addition to the traditional softmax crossentropy loss functions for classification. Additionally, the center loss[1] function on any input image X k is defined as: L C = 1 2 m F (X k ) C yk 2 2 (3) k=1 where, F (X k ) denotes the feature layer output of the image X k with ground truth label y k. The respective center of the class, updated as the deep features are changed, are represented as c yk, and m denotes the number of images in the current dataset. Eqn. (3) corresponds to the fact that features from the same class should have minimum distance between them. The local robustness can be now seen as the distance δ which represents the minimum distance to push a data point from one cluster to another. We explain this further using MNIST dataset[15] as our toy example. Similar to [1], we (a) D S (b) D SC Fig. 1: Feature Visualization of the penultimate layer. D SC models results in higher inter-class and smaller intra-class variance. One can increase the defensive power of an architecture by training the network with AXs that are generated on the fly. In Fig.2, we visualize the features learned by D AT S and D AT SC. On comparing Fig.1 and 2, it is interestingly seen that the inter-class distances become smaller due to the AXs. After adversarial training of the two models we tested the trained models against AXs generated using FGSM attack with ɛ = 0.3 and found that the D AT SC still performed better than D AT S. This initial study (Table 1) solidifies our hypothesis that learning discriminative features increases the performance of a model in an adversarial environment. 3. EXPERIMENTS AND RESULTS Building upon the results from Sec. 2, we now present extensive results that encompasses state-of-the-art white-box attacks, black-box attacks, and adversarial training method. Comprehensive experiments using widely used sequential

3 19 [17], ResNet-18 [18] and DenseNet-40-without-bottleneck [19] models are used White-box attacks (a) D AT S (b) D AT SC Fig. 2: Feature Visualization of the penultimate layer after adversarial training. The AXs cause the clean image features to intersect with each other and therefore causing the misclassification Table 1: and performance for the MNIST(LeNet model) using FGSM attack Model D S 96.95% 70.34% D SC 98.40% 78.93% D AT S 98.94% 96.08% D AT SC 98.73% 97.44% and skip-connected architectures along with popular classification datasets, such as MNIST, CIFAR-10, and CIFAR-100, are used to validate the our hypothesis Datasets and Networks MNIST: The experiments on toy example (Sec. 2) and different adversarial attacks were performed on the standard MNIST dataset of handwritten digits. Each sample is a binary image. The complete dataset comprises of 70k images, divided into 60k training and 10k testing images. For pre-processing, we normalize the data using mean and standard deviation. For MNIST, we use a 3-layer ReLU network having 200 nodes in each hidden layer, as used in [16] as a standard MNIST architecture. The network was trained using SGD for 30 epochs. The initial learning rate is set to 0.1, and is divided by 10 at 50% and 75% of the total number of training epochs. No data augmentation was used for MNIST. CIFAR: CIFAR dataset is a collection of two secondary datasets, CIFAR-10 and CIFAR-100, consisting RGB images divided drawn from 10 and 100 classes respectively. Each of them contains 60k images split into 50k training images, and 10k testing images. We adopt a standard data augmentation scheme, random crop and flip, that is widely used for the CIFAR datasets. CIFAR-10 and CIFAR-100 architectures are trained for 300 epochs respectively using the same training scheme as MNIST. For our experiments, VGG- This type of adversarial attacks assume the complete knowledge of the targeted model, including its parameters, architecture, training method, and in some cases its training data as well. strength is defined by the certainty that the attacking algorithm would generate AXs which will be misclassified by the model. PGD and CW attacks are considered to be white-box attacks with higher adversarial strengths. FGSM, on the other hand, is a quick way to generate lower strength adversaries. In Table 2, we summarize the performance of various architectures on these white-box attacks. All the architectures were trained on just clean examples. Surprisingly in the MNIST results, we see a huge difference in the adversarial performance between D S and D SC for AXs generated even from FGSM with an increase of 20%. We do not observe a significant difference for the PGD and CW attacks as they are very strong attacks and MNIST is a relatively easier dataset to fool. Despite, the testing accuracy of D SC being lower than D S we observe that the adversarial performance of the former is significantly higher. In general, we get an increase in adversarial performance throughout all the attacks and architectures. Notably, for very strong attacks like PGD and CW, we observe significant increase in adversarial performance for D SC models in the CIFAR dataset results. For VGG-19 results, of PGD and CW attack(table 2 b e), we see an increase of as high as 487%. A similar trend is seen in the case of CIFAR-10 ResNet-18 architecture results where an increase up to 500% and in some cases from 0% to 60% (Table 2c) is observed. We believe due to the large number of connections in DenseNet- 40 (Table 2 d g) architecture, they are easily breached using the white-box attacks. One should note that this increase in performance is achieved without using any AXs for training Black-box attacks Black-box attacks generates AXs, during testing, for a targeted model without the knowledge of the model parameters. Some version of black-box assume having some knowledge of the model architecture or the training process but in no case do they know about the model weights. The black-box attack performance was evaluated using the same trained models used in Sec In Table 3, we see a notable difference in the adversarial performance for black-box attack. D SC models force the training procedure to learn more discriminative features. This inherently introduces a trade-off between the testing performance and the adversarial performance of the models. It is clearly seen, from Table 3 a d, that the difference in the adversarial performance for the MNIST and CIFAR-10 cases are non-significant. Moreover, for a tougher dataset like CIFAR-100 (Table 3 e g) we see the adversarial performance

4 Table 2: and accuracy for different datasets, architectures and white-box attacks, such as FGSM, PGD and CW attack Datasets Model FGSM Attack PGD Attack CW Attack D S D SC D S D SC D S D SC D S D SC MNIST (a) MLP 97.91% 97.97% 48.23% 68.68% 0.01% 0.08% 0.00% 4.82% (b) VGG % 92.41% 73.92% 74.10% 8.54% 27.61% 8.98% 47.06% CIFAR-10 (c) ResNet % 93.91% 73.02% 77.18% 4.88% 29.26% 0.00% 59.57% (d) DenseNet % 94.77% 56.54% 75.46% 1.34% 23.91% 0.00% 0.18% (e) VGG % 70.34% 41.11% 42.67% 0.23% 7.49% 8.45% 23.07% CIFAR-100 (f) ResNet % 76.88% 39.80% 45.86% 0.03% 5.16% 0.00% 17.49% (g) DenseNet % 73.41% 26.36% 31.39% 0.09% 1.00% 0.00% 0.75% Table 3: and accuracy for different datasets, architectures using One pixel black-box attack Datasets Network D S D SC D S D SC MNIST (a) MLP 97.91% 97.97% 95.32% 94.69% (b) VGG % 92.41% 77.41% 78.50% CIFAR-10 (c) ResNet % 93.91% 84.16% 84.68% (d) DenseNet % 94.77% 81.16% 81.16% (e) VGG % 70.34% 43.02% 45.01% CIFAR-100 (f) ResNet % 76.88% 57.97% 56.18% (g) DenseNet % 73.41% 57.13% 51.38% is a by-product of the testing accuracy of the architectures on clean examples. The significant drop in D SC adversarial performance for CIFAR-100 DenseNet-40 is clearly observed as its testing accuracy was lower than the D S models. We believe regularizing the D SC models, for increasing testing accuracy on clean examples, would further improve their black-box adversarial performance Training As shown in Sec. 2, adversarial training drastically improves the adversarial accuracy of any model. The adversarial training process is a brute-force approach and is very slow because we generate AXs on the fly. Table 4 illustrates the testing and adversarial performance of the previously chosen models, as in Sec. 3.1, when we train them with both clean and adversarial samples, i.e. adversarial training. For MNIST, we train the MLP model for 30 epochs with the adversarial samples introduced on the fly after a delay of 10 epochs. The delay is important as we make sure that the network first achieves a decent performance with clean examples. We chose the BIM attack for generating AXs during the training. The reason we chose BIM is because it does generate higher strength adversaries as compared to FGSM and is faster than CW attack [10]. Interestingly, MNIST, being a relatively easier dataset, is not affected due to the adversarial training and hence, the adversarial performance of D AT S and D AT SC are close. For CIFAR datasets, the models were trained for 300 epochs and the AXs were introduced after a delay of 150 epochs. The training using AXs affects the testing accuracy and hence we see notable difference in the testing accuracy between Table 2 and 4. Even using adversarial training does not bridge the adversarial performance gap between D S and D SC models in Table 2 as the latter learns more discriminative features from the AXs too. After adversarial training, the models were tested on new AXs generated from BIM attack and we see a significant difference in their subsequent adversarial performances. Notably, we see a significant increase in the adversarial accuracy throughout Table 4. As mentioned, there is an inherent trade-off between the performance for clean and adversarial samples which would explain the DenseNet40 results in Table 4 d g. Table 4: and accuracy for different datasets and architectures after adversarial training using BIM white-box attack Datasets Network D AT S D AT SC D AT S D AT SC MNIST (a) MLP 98.01% 98.69% 94.33% 94.22% (b) VGG % 85.89% 61.39% 65.78% CIFAR-10 (c) ResNet % 88.43% 60.45% 66.10% (d) DenseNet % 86.02% 66.34% 72.59% (e) VGG % 69.89% 44.00% 47.85% CIFAR-100 (f) ResNet % 71.25% 47.68% 49.28% (g) DenseNet % 68.30% 44.48% 35.86% 4. CONCLUSION In this work, we hypothesized that one of the possible reasons behind the poor adversarial performance of the state-ofthe-art deep learning architectures are their lack of learning discriminative deep features. We bridged that gap by using a combination of softmax and center loss and then performed a comprehensive set of experiments to successfully substantiate the effectiveness of our hypothesis. We plan to further investigate in this direction to propose defense mechanism for deep learning models.

5 5. REFERENCES [1] Yandong Wen, Kaipeng Zhang, Zhifeng Li, and Yu Qiao, A discriminative feature learning approach for deep face recognition, in European Conference on Computer Vision. Springer, 2016, pp , 2 [2] Christian Szegedy, Wojciech Zaremba, Ilya Sutskever, Joan Bruna, Dumitru Erhan, Ian Goodfellow, and Rob Fergus, Intriguing properties of neural networks, arxiv preprint arxiv: , [3] Ian J Goodfellow, Jonathon Shlens, and Christian Szegedy, Explaining and harnessing adversarial examples (2014), arxiv preprint arxiv: , 2 [4] Alexey Kurakin, Ian Goodfellow, and Samy Bengio, examples in the physical world, arxiv preprint arxiv: , [5] Aleksander Madry, Aleksandar Makelov, Ludwig Schmidt, Dimitris Tsipras, and Adrian Vladu, Towards deep learning models resistant to adversarial attacks, arxiv preprint arxiv: , [6] Nicholas Carlini and David Wagner, Towards evaluating the robustness of neural networks, arxiv preprint arxiv: , [14] Guy Katz, Clark Barrett, David L Dill, Kyle Julian, and Mykel J Kochenderfer, Towards proving the adversarial robustness of deep neural networks, arxiv preprint arxiv: , [15] Yann LeCun, Léon Bottou, Yoshua Bengio, and Patrick Haffner, Gradient-based learning applied to document recognition, Proceedings of the IEEE, vol. 86, no. 11, pp , [16] Nicolas Papernot, Patrick McDaniel, Ian Goodfellow, Somesh Jha, Z Berkay Celik, and Ananthram Swami, Practical black-box attacks against machine learning, in Proceedings of the 2017 ACM on Asia Conference on Computer and Communications Security. ACM, 2017, pp [17] Karen Simonyan and Andrew Zisserman, Very deep convolutional networks for large-scale image recognition, arxiv preprint arxiv: , [18] K He, X Zhang, S Ren, and J Sun, Deep residual learning for image recognition. corr, vol. abs/ , [19] Gao Huang, Zhuang Liu, Laurens Van Der Maaten, and Kilian Q Weinberger, Densely connected convolutional networks., in CVPR, 2017, vol. 1, p [7] Jiawei Su, Danilo Vasconcellos Vargas, and Sakurai Kouichi, One pixel attack for fooling deep neural networks, arxiv preprint arxiv: , [8] Nina Narodytska and Shiva Prasad Kasiviswanathan, Simple black-box adversarial perturbations for deep networks, arxiv preprint arxiv: , [9] Moustapha Cisse, Yossi Adi, Natalia Neverova, and Joseph Keshet, Houdini: Fooling deep structured prediction models, arxiv preprint arxiv: , [10] Naveed Akhtar and Ajmal Mian, Threat of adversarial attacks on deep learning in computer vision: A survey, arxiv preprint arxiv: , , 4 [11] Vishaal Munusamy Kabilan, Brandon Morris, and Anh Nguyen, Vectordefense: Vectorization as a defense to adversarial examples, arxiv preprint arxiv: , [12] Andras Rozsa, Manuel Gunther, and Terrance E Boult, Towards robust deep neural networks with bang, arxiv preprint arxiv: , [13] Sara Sabour, Yanshuai Cao, Fartash Faghri, and David J Fleet, manipulation of deep representations, arxiv preprint arxiv: ,

arxiv: v3 [stat.ml] 27 Mar 2018

arxiv: v3 [stat.ml] 27 Mar 2018 ATTACKING THE MADRY DEFENSE MODEL WITH L 1 -BASED ADVERSARIAL EXAMPLES Yash Sharma 1 and Pin-Yu Chen 2 1 The Cooper Union, New York, NY 10003, USA 2 IBM Research, Yorktown Heights, NY 10598, USA sharma2@cooper.edu,

More information

Less is More: Culling the Training Set to Improve Robustness of Deep Neural Networks

Less is More: Culling the Training Set to Improve Robustness of Deep Neural Networks Less is More: Culling the Training Set to Improve Robustness of Deep Neural Networks Yongshuai Liu, Jiyu Chen, and Hao Chen University of California, Davis {yshliu, jiych, chen}@ucdavis.edu Abstract. Deep

More information

EVALUATION OF DEFENSIVE METHODS FOR DNNS

EVALUATION OF DEFENSIVE METHODS FOR DNNS EVALUATION OF DEFENSIVE METHODS FOR DNNS AGAINST MULTIPLE ADVERSARIAL EVASION MODELS Xinyun Chen Shanghai Jiao Tong University jungyhuk@gmail.com Bo Li University of Michigan bbbli@umich.edu Yevgeniy Vorobeychik

More information

Generating Adversarial Examples with Adversarial Networks

Generating Adversarial Examples with Adversarial Networks Generating Adversarial Examples with Adversarial Networks Chaowei Xiao 1, Bo Li 2, Jun-Yan Zhu 2,3, Warren He 2, Mingyan Liu 1 and Dawn Song 2 1 University of Michigan, Ann Arbor 2 University of California,

More information

CSE Introduction to High-Perfomance Deep Learning ImageNet & VGG. Jihyung Kil

CSE Introduction to High-Perfomance Deep Learning ImageNet & VGG. Jihyung Kil CSE 5194.01 - Introduction to High-Perfomance Deep Learning ImageNet & VGG Jihyung Kil ImageNet Classification with Deep Convolutional Neural Networks Alex Krizhevsky, Ilya Sutskever, Geoffrey E. Hinton,

More information

arxiv: v2 [cs.lg] 7 Feb 2018

arxiv: v2 [cs.lg] 7 Feb 2018 Adnan Siraj Rakin 1 Zhezhi He 1 Boqing Gong 2 Deliang Fan 1 arxiv:1802.01549v2 [cs.lg] 7 Feb 2018 Abstract Deep learning algorithms and networks are vulnerable to perturbed inputs which is known as adversarial

More information

Gradient Masking Is a Type of Overfitting

Gradient Masking Is a Type of Overfitting Gradient Masking Is a Type of Overfitting Yusuke Yanagita and Masayuki Yamamura Abstract Neural networks have recently been attracting attention again as classifiers with high accuracy, so called deep

More information

EVADING DEFENSES TO TRANSFERABLE ADVERSAR-

EVADING DEFENSES TO TRANSFERABLE ADVERSAR- EVADING DEFENSES TO TRANSFERABLE ADVERSAR- IAL EXAMPLES BY MITIGATING ATTENTION SHIFT Anonymous authors Paper under double-blind review ABSTRACT Deep neural networks are vulnerable to adversarial examples,

More information

Curriculum Adversarial Training

Curriculum Adversarial Training Curriculum Adversarial Training Qi-Zhi Cai 1, Chang Liu 2 and Dawn Song 2 1 Nanjing University 2 UC Berkeley Abstract Recently, deep learning has been applied to many security-sensitive applications, such

More information

The fourth industrial revolution

The fourth industrial revolution Safe Machine Learning and Defeating Adversarial Attacks Bita Darvish Rouhani, Mohammad Samragh, Tara Javidi, and Farinaz Koushanfar University of California San Diego Adversarial attacks have exposed the

More information

arxiv: v1 [cs.lg] 15 Jun 2017

arxiv: v1 [cs.lg] 15 Jun 2017 Adversarial Example Defenses: Ensembles of Weak Defenses are not Strong Warren He UC Berkeley James Wei UC Berkeley Xinyun Chen UC Berkeley Nicholas Carlini UC Berkeley Dawn Song UC Berkeley arxiv:1706.04701v1

More information

Generalizable Adversarial Examples Detection Based on Bi-model Decision Mismatch

Generalizable Adversarial Examples Detection Based on Bi-model Decision Mismatch 1 Generalizable Adversarial Examples Detection Based on Bi-model Decision Mismatch João Monteiro, Zahid Akhtar and Tiago H. Falk INRS-EMT, University of Quebec, Montreal, Canada. Email: {joao.monteiro,

More information

Efficient Deep Model Selection

Efficient Deep Model Selection Efficient Deep Model Selection Jose Alvarez Researcher Data61, CSIRO, Australia GTC, May 9 th 2017 www.josemalvarez.net conv1 conv2 conv3 conv4 conv5 conv6 conv7 conv8 softmax prediction???????? Num Classes

More information

IMPROVING THE GENERALIZATION OF ADVERSARIAL TRAINING WITH DOMAIN ADAPTATION

IMPROVING THE GENERALIZATION OF ADVERSARIAL TRAINING WITH DOMAIN ADAPTATION IMPROVING THE GENERALIZATION OF ADVERSARIAL TRAINING WITH DOMAIN ADAPTATION Chuanbiao Song Department of Computer Science Huazhong University of Science and Technology Wuhan 430074, China cbsong@hust.edu.cn

More information

arxiv: v1 [cs.lg] 20 Aug 2018

arxiv: v1 [cs.lg] 20 Aug 2018 Stochastic Combinatorial Ensembles for Defending Against Adversarial Examples arxiv:1808.06645v1 [cs.lg] 20 Aug 2018 George A. Adam Department of Computer Science University of Toronto Toronto, ON M5S

More information

arxiv: v2 [cs.cv] 19 Dec 2017

arxiv: v2 [cs.cv] 19 Dec 2017 An Ensemble of Deep Convolutional Neural Networks for Alzheimer s Disease Detection and Classification arxiv:1712.01675v2 [cs.cv] 19 Dec 2017 Jyoti Islam Department of Computer Science Georgia State University

More information

Detecting Adversarial Attacks on Neural Network Policies with Visual Foresight

Detecting Adversarial Attacks on Neural Network Policies with Visual Foresight Detecting Adversarial Attacks on Neural Network Policies with Visual Foresight Yen-Chen Lin Virginia Tech yclin@vt.edu arxiv:1710.00814v1 [cs.cv] 2 Oct 2017 Ming-Yu Liu NVIDIA mingyul@nvidia.com Min Sun

More information

arxiv: v3 [cs.cr] 15 Jan 2018

arxiv: v3 [cs.cr] 15 Jan 2018 GENERATING ADVERSARIAL EXAMPLES WITH AD- VERSARIAL NETWORKS Chaowei Xiao University of Michigan Bo Li UC Berkeley Jun-Yan Zhu MIT CSAIL Warren He UC Berkeley Mingyan Liu University of Michigan Dawn Song

More information

arxiv: v1 [stat.ml] 23 Jan 2017

arxiv: v1 [stat.ml] 23 Jan 2017 Learning what to look in chest X-rays with a recurrent visual attention model arxiv:1701.06452v1 [stat.ml] 23 Jan 2017 Petros-Pavlos Ypsilantis Department of Biomedical Engineering King s College London

More information

Task 1: Machine Learning with Spike-Timing-Dependent Plasticity (STDP)

Task 1: Machine Learning with Spike-Timing-Dependent Plasticity (STDP) DARPA Report Task1 for Year 1 (Q1-Q4) Task 1: Machine Learning with Spike-Timing-Dependent Plasticity (STDP) 1. Shortcomings of the deep learning approach to artificial intelligence It has been established

More information

Deep Learning: Vulnerabilities, Defenses and Beyond. Prof. Yossi Keshet

Deep Learning: Vulnerabilities, Defenses and Beyond. Prof. Yossi Keshet Deep Learning: Vulnerabilities, Defenses and Beyond Prof. Yossi Keshet Since 2013 deep neural networks have match human performance at 3 Face Detection Taigmen et al, 2013 Face detection Street address

More information

An Artificial Neural Network Architecture Based on Context Transformations in Cortical Minicolumns

An Artificial Neural Network Architecture Based on Context Transformations in Cortical Minicolumns An Artificial Neural Network Architecture Based on Context Transformations in Cortical Minicolumns 1. Introduction Vasily Morzhakov, Alexey Redozubov morzhakovva@gmail.com, galdrd@gmail.com Abstract Cortical

More information

Attacks Meet Interpretability: Attribute-steered Detection of Adversarial Samples

Attacks Meet Interpretability: Attribute-steered Detection of Adversarial Samples Attacks Meet Interpretability: Attribute-steered Detection of Adversarial Samples Guanhong Tao, Shiqing Ma, Yingqi Liu, Xiangyu Zhang Department of Computer Science, Purdue University {taog, ma229, liu1751,

More information

Multi-attention Guided Activation Propagation in CNNs

Multi-attention Guided Activation Propagation in CNNs Multi-attention Guided Activation Propagation in CNNs Xiangteng He and Yuxin Peng (B) Institute of Computer Science and Technology, Peking University, Beijing, China pengyuxin@pku.edu.cn Abstract. CNNs

More information

Human Decisions on Targeted and Non-Targeted Adversarial Samples

Human Decisions on Targeted and Non-Targeted Adversarial Samples Human Decisions on Targeted and Non-Targeted Adversarial Samples Samuel M. Harding (hardinsm@indiana.edu) Prashanth Rajivan (prajivan@andrew.cmu.edu) Bennett I. Bertenthal (bbertent@indiana.edu) Cleotilde

More information

arxiv: v1 [cs.ai] 28 Nov 2017

arxiv: v1 [cs.ai] 28 Nov 2017 : a better way of the parameters of a Deep Neural Network arxiv:1711.10177v1 [cs.ai] 28 Nov 2017 Guglielmo Montone Laboratoire Psychologie de la Perception Université Paris Descartes, Paris montone.guglielmo@gmail.com

More information

Generalizability vs. Robustness: Investigating Medical Imaging Networks Using Adversarial Examples

Generalizability vs. Robustness: Investigating Medical Imaging Networks Using Adversarial Examples Generalizability vs. Robustness: Investigating Medical Imaging Networks Using Adversarial Examples Magdalini Paschali, Sailesh Conjeti 2, Fernando Navarro, and Nassir Navab,3 Computer Aided Medical Procedures,

More information

arxiv: v2 [cs.cv] 22 Mar 2018

arxiv: v2 [cs.cv] 22 Mar 2018 Deep saliency: What is learnt by a deep network about saliency? Sen He 1 Nicolas Pugeault 1 arxiv:1801.04261v2 [cs.cv] 22 Mar 2018 Abstract Deep convolutional neural networks have achieved impressive performance

More information

A HMM-based Pre-training Approach for Sequential Data

A HMM-based Pre-training Approach for Sequential Data A HMM-based Pre-training Approach for Sequential Data Luca Pasa 1, Alberto Testolin 2, Alessandro Sperduti 1 1- Department of Mathematics 2- Department of Developmental Psychology and Socialisation University

More information

arxiv: v2 [cs.lg] 1 Nov 2017

arxiv: v2 [cs.lg] 1 Nov 2017 Adversarial Examples Are Not Easily Detected: Bypassing Ten Detection Methods arxiv:1705.07263v2 [cs.lg] 1 Nov 2017 ABSTRACT Neural networks are known to be vulnerable to adversarial examples: inputs that

More information

Obfuscated Gradients Give a False Sense of Security: Circumventing Defenses to Adversarial Examples

Obfuscated Gradients Give a False Sense of Security: Circumventing Defenses to Adversarial Examples Obfuscated Gradients Give a False Sense of Security: Circumventing Defenses to Adversarial Examples Anish Athalye * 1 Nicholas Carlini * 2 David Wagner 2 Abstract We identify obfuscated gradients, a kind

More information

arxiv: v2 [cs.lg] 20 Jul 2018

arxiv: v2 [cs.lg] 20 Jul 2018 arxiv:1711.11443v2 [cs.lg] 20 Jul 2018 ConvNets and ImageNet Beyond Accuracy: Understanding Mistakes and Uncovering Biases Pierre Stock and Moustapha Cisse Facebook AI Research Abstract. ConvNets and ImageNet

More information

arxiv: v1 [cs.cv] 25 Dec 2018

arxiv: v1 [cs.cv] 25 Dec 2018 Adversarial Feature Genome: a Data Driven Adversarial Examples Recognition Method arxiv:1812.10085v1 [cs.cv] 25 Dec 2018 Li Chen, Hailun Ding, Qi Li, Jiawei Zhu, Haozhe Huang, Yifan Chang, Haifeng Li School

More information

arxiv: v1 [cs.cv] 17 Apr 2019 Abstract

arxiv: v1 [cs.cv] 17 Apr 2019 Abstract Interpreting Examples with Attributes Sadaf Gulshad 1, Jan Hendrik Metzen 2, Arnold Smeulders 1, and Zeynep Akata 1 1 UvA-Bosch Delta Lab, University of Amsterdam, The Netherlands, 2 Bosch Center for AI

More information

Defense Against the Dark Arts: An overview of adversarial example security research and future research directions

Defense Against the Dark Arts: An overview of adversarial example security research and future research directions Defense Against the Dark Arts: An overview of adversarial example security research and future research directions Ian Goodfellow, Staff Research Scientist, Google Brain 1st IEEE Deep Learning and Security

More information

arxiv: v2 [cs.lg] 1 Jun 2018

arxiv: v2 [cs.lg] 1 Jun 2018 Shagun Sodhani 1 * Vardaan Pahuja 1 * arxiv:1805.11016v2 [cs.lg] 1 Jun 2018 Abstract Self-play (Sukhbaatar et al., 2017) is an unsupervised training procedure which enables the reinforcement learning agents

More information

Do Deep Neural Networks Suffer from Crowding?

Do Deep Neural Networks Suffer from Crowding? Do Deep Neural Networks Suffer from Crowding? Anna Volokitin Gemma Roig ι Tomaso Poggio voanna@vision.ee.ethz.ch gemmar@mit.edu tp@csail.mit.edu Center for Brains, Minds and Machines, Massachusetts Institute

More information

Network Dissection: Quantifying Interpretability of Deep Visual Representation

Network Dissection: Quantifying Interpretability of Deep Visual Representation Name: Pingchuan Ma Student number: 3526400 Date: August 19, 2018 Seminar: Explainable Machine Learning Lecturer: PD Dr. Ullrich Köthe SS 2018 Quantifying Interpretability of Deep Visual Representation

More information

An Overview and Comparative Analysis on Major Generative Models

An Overview and Comparative Analysis on Major Generative Models An Overview and Comparative Analysis on Major Generative Models Zijing Gu zig021@ucsd.edu Abstract The amount of researches on generative models has been grown rapidly after a period of silence due to

More information

Convolutional Neural Networks (CNN)

Convolutional Neural Networks (CNN) Convolutional Neural Networks (CNN) Algorithm and Some Applications in Computer Vision Luo Hengliang Institute of Automation June 10, 2014 Luo Hengliang (Institute of Automation) Convolutional Neural Networks

More information

arxiv: v1 [cs.cv] 17 Aug 2017

arxiv: v1 [cs.cv] 17 Aug 2017 Deep Learning for Medical Image Analysis Mina Rezaei, Haojin Yang, Christoph Meinel Hasso Plattner Institute, Prof.Dr.Helmert-Strae 2-3, 14482 Potsdam, Germany {mina.rezaei,haojin.yang,christoph.meinel}@hpi.de

More information

DEEPSEC: A Uniform Platform for Security Analysis of Deep Learning Model

DEEPSEC: A Uniform Platform for Security Analysis of Deep Learning Model DEEPSEC: A Uniform Platform for Security Analysis of Deep Learning Model Xiang Ling,#, Shouling Ji,,# ( ), Jiaxu Zou, Jiannan Wang, Chunming Wu, Bo Li and Ting Wang Zhejiang University, Alibaba-Zhejiang

More information

c Copyright 2017 Cody Burkard

c Copyright 2017 Cody Burkard c Copyright 2017 Cody Burkard Can Intelligent Hyperparameter Selection Improve Resistance to Adversarial Examples? Cody Burkard A thesis submitted in partial fulfillment of the requirements for the degree

More information

Comparison of Two Approaches for Direct Food Calorie Estimation

Comparison of Two Approaches for Direct Food Calorie Estimation Comparison of Two Approaches for Direct Food Calorie Estimation Takumi Ege and Keiji Yanai Department of Informatics, The University of Electro-Communications, Tokyo 1-5-1 Chofugaoka, Chofu-shi, Tokyo

More information

arxiv: v1 [cs.cv] 5 Dec 2014

arxiv: v1 [cs.cv] 5 Dec 2014 Deep Neural Networks are Easily Fooled: High Confidence Predictions for Unrecognizable Images Anh Nguyen University of Wyoming anguyen8@uwyo.edu Jason Yosinski Cornell University yosinski@cs.cornell.edu

More information

arxiv: v1 [cs.lg] 30 Nov 2017

arxiv: v1 [cs.lg] 30 Nov 2017 Measuring the tendency of CNNs to Learn Surface Statistical Regularities arxiv:1711.11561v1 [cs.lg] 30 Nov 2017 Jason Jo MILA, Université de Montréal IVADO jason.jo.research@gmail.com Abstract Deep CNNs

More information

Automated diagnosis of pneumothorax using an ensemble of convolutional neural networks with multi-sized chest radiography images

Automated diagnosis of pneumothorax using an ensemble of convolutional neural networks with multi-sized chest radiography images Automated diagnosis of pneumothorax using an ensemble of convolutional neural networks with multi-sized chest radiography images Tae Joon Jun, Dohyeun Kim, and Daeyoung Kim School of Computing, KAIST,

More information

Flexible, High Performance Convolutional Neural Networks for Image Classification

Flexible, High Performance Convolutional Neural Networks for Image Classification Flexible, High Performance Convolutional Neural Networks for Image Classification Dan C. Cireşan, Ueli Meier, Jonathan Masci, Luca M. Gambardella, Jürgen Schmidhuber IDSIA, USI and SUPSI Manno-Lugano,

More information

Image Captioning using Reinforcement Learning. Presentation by: Samarth Gupta

Image Captioning using Reinforcement Learning. Presentation by: Samarth Gupta Image Captioning using Reinforcement Learning Presentation by: Samarth Gupta 1 Introduction Summary Supervised Models Image captioning as RL problem Actor Critic Architecture Policy Gradient architecture

More information

Elad Hoffer*, Itay Hubara*, Daniel Soudry

Elad Hoffer*, Itay Hubara*, Daniel Soudry Train longer, generalize better: closing the generalization gap in large batch training of neural networks Elad Hoffer*, Itay Hubara*, Daniel Soudry *Equal contribution Better models - parallelization

More information

Y-Net: Joint Segmentation and Classification for Diagnosis of Breast Biopsy Images

Y-Net: Joint Segmentation and Classification for Diagnosis of Breast Biopsy Images Y-Net: Joint Segmentation and Classification for Diagnosis of Breast Biopsy Images Sachin Mehta 1, Ezgi Mercan 1, Jamen Bartlett 2, Donald Weaver 2, Joann G. Elmore 1, and Linda Shapiro 1 1 University

More information

Synthesis of Gadolinium-enhanced MRI for Multiple Sclerosis patients using Generative Adversarial Network

Synthesis of Gadolinium-enhanced MRI for Multiple Sclerosis patients using Generative Adversarial Network Medical Application of GAN Synthesis of Gadolinium-enhanced MRI for Multiple Sclerosis patients using Generative Adversarial Network Sumana Basu School of Computer Science McGill University 260727568 sumana.basu@mail.mcgill.ca

More information

A convolutional neural network to classify American Sign Language fingerspelling from depth and colour images

A convolutional neural network to classify American Sign Language fingerspelling from depth and colour images A convolutional neural network to classify American Sign Language fingerspelling from depth and colour images Ameen, SA and Vadera, S http://dx.doi.org/10.1111/exsy.12197 Title Authors Type URL A convolutional

More information

arxiv: v1 [cs.cv] 17 Apr 2018

arxiv: v1 [cs.cv] 17 Apr 2018 Sparse Unsupervised Capsules Generalize Better David Rawlinson Incubator 491 dave@agi.io Abdelrahman Ahmed Incubator 491 abdel@agi.io April 18, 2018 Gideon Kowadlo Incubator 491 gideon@agi.io arxiv:1804.06094v1

More information

FEATURE EXTRACTION USING GAZE OF PARTICIPANTS FOR CLASSIFYING GENDER OF PEDESTRIANS IN IMAGES

FEATURE EXTRACTION USING GAZE OF PARTICIPANTS FOR CLASSIFYING GENDER OF PEDESTRIANS IN IMAGES FEATURE EXTRACTION USING GAZE OF PARTICIPANTS FOR CLASSIFYING GENDER OF PEDESTRIANS IN IMAGES Riku Matsumoto, Hiroki Yoshimura, Masashi Nishiyama, and Yoshio Iwai Department of Information and Electronics,

More information

arxiv: v2 [cs.cv] 29 Jan 2019

arxiv: v2 [cs.cv] 29 Jan 2019 Comparison of Deep Learning Approaches for Multi-Label Chest X-Ray Classification Ivo M. Baltruschat 1,2,, Hannes Nickisch 3, Michael Grass 3, Tobias Knopp 1,2, and Axel Saalbach 3 arxiv:1803.02315v2 [cs.cv]

More information

Summary and discussion of: Why Does Unsupervised Pre-training Help Deep Learning?

Summary and discussion of: Why Does Unsupervised Pre-training Help Deep Learning? Summary and discussion of: Why Does Unsupervised Pre-training Help Deep Learning? Statistics Journal Club, 36-825 Avinava Dubey and Mrinmaya Sachan and Jerzy Wieczorek December 3, 2014 1 Summary 1.1 Deep

More information

Using Deep Convolutional Networks for Gesture Recognition in American Sign Language

Using Deep Convolutional Networks for Gesture Recognition in American Sign Language Using Deep Convolutional Networks for Gesture Recognition in American Sign Language Abstract In the realm of multimodal communication, sign language is, and continues to be, one of the most understudied

More information

COMP9444 Neural Networks and Deep Learning 5. Convolutional Networks

COMP9444 Neural Networks and Deep Learning 5. Convolutional Networks COMP9444 Neural Networks and Deep Learning 5. Convolutional Networks Textbook, Sections 6.2.2, 6.3, 7.9, 7.11-7.13, 9.1-9.5 COMP9444 17s2 Convolutional Networks 1 Outline Geometry of Hidden Unit Activations

More information

Retinopathy Net. Alberto Benavides Robert Dadashi Neel Vadoothker

Retinopathy Net. Alberto Benavides Robert Dadashi Neel Vadoothker Retinopathy Net Alberto Benavides Robert Dadashi Neel Vadoothker Motivation We were interested in applying deep learning techniques to the field of medical imaging Field holds a lot of promise and can

More information

Understanding Convolutional Neural

Understanding Convolutional Neural Understanding Convolutional Neural Networks Understanding Convolutional Neural Networks David Stutz July 24th, 2014 David Stutz July 24th, 2014 0/53 1/53 Table of Contents - Table of Contents 1 Motivation

More information

Guaranteeing AI Robustness against Deception (GARD)

Guaranteeing AI Robustness against Deception (GARD) Guaranteeing AI Robustness against Deception (GARD) Dr. Hava Siegelmann I2O Proposers Day Brief 6 February 2019 Ground Rules Purpose of this briefing Discuss program objectives and structure BAA takes

More information

Adversarial Generative Nets: Neural Network Attacks on State-of-the-Art Face Recognition

Adversarial Generative Nets: Neural Network Attacks on State-of-the-Art Face Recognition Adversarial Generative Nets: Neural Network Attacks on State-of-the-Art Face Recognition Mahmood Sharif, Sruti Bhagavatula, Lujo Bauer Carnegie Mellon University {mahmoods, srutib, lbauer}@cmu.edu Michael

More information

arxiv: v1 [cs.lg] 12 Jun 2017

arxiv: v1 [cs.lg] 12 Jun 2017 SmoothGrad: removing noise by adding noise Daniel Smilkov 1 Nikhil Thorat 1 Been Kim 1 Fernanda Viégas 1 Martin Wattenberg 1 arxiv:1706.03825v1 [cs.lg] 12 Jun 2017 Abstract Explaining the output of a deep

More information

arxiv: v2 [cs.cv] 7 Jun 2018

arxiv: v2 [cs.cv] 7 Jun 2018 Deep supervision with additional labels for retinal vessel segmentation task Yishuo Zhang and Albert C.S. Chung Lo Kwee-Seong Medical Image Analysis Laboratory, Department of Computer Science and Engineering,

More information

Highly Accurate Brain Stroke Diagnostic System and Generative Lesion Model. Junghwan Cho, Ph.D. CAIDE Systems, Inc. Deep Learning R&D Team

Highly Accurate Brain Stroke Diagnostic System and Generative Lesion Model. Junghwan Cho, Ph.D. CAIDE Systems, Inc. Deep Learning R&D Team Highly Accurate Brain Stroke Diagnostic System and Generative Lesion Model Junghwan Cho, Ph.D. CAIDE Systems, Inc. Deep Learning R&D Team Established in September, 2016 at 110 Canal st. Lowell, MA 01852,

More information

arxiv: v4 [cs.cr] 21 Aug 2018

arxiv: v4 [cs.cr] 21 Aug 2018 LOGAN: Membership Inference Attacks Against Generative Models Jamie Hayes, Luca Melis, George Danezis, and Emiliano De Cristofaro University College London {j.hayes, l.melis, g.danezis, e.decristofaro}@cs.ucl.ac.uk

More information

Chair for Computer Aided Medical Procedures (CAMP) Seminar on Deep Learning for Medical Applications. Shadi Albarqouni Christoph Baur

Chair for Computer Aided Medical Procedures (CAMP) Seminar on Deep Learning for Medical Applications. Shadi Albarqouni Christoph Baur Chair for (CAMP) Seminar on Deep Learning for Medical Applications Shadi Albarqouni Christoph Baur Results of matching system obtained via matching.in.tum.de 108 Applicants 9 % 10 % 9 % 14 % 30 % Rank

More information

Automatic Classification of Perceived Gender from Facial Images

Automatic Classification of Perceived Gender from Facial Images Automatic Classification of Perceived Gender from Facial Images Joseph Lemley, Sami Abdul-Wahid, Dipayan Banik Advisor: Dr. Razvan Andonie SOURCE 2016 Outline 1 Introduction 2 Faces - Background 3 Faces

More information

Accessorize to a Crime: Real and Stealthy Attacks on State-Of. Face Recognition. Keshav Yerra ( ) Monish Prasad ( )

Accessorize to a Crime: Real and Stealthy Attacks on State-Of. Face Recognition. Keshav Yerra ( ) Monish Prasad ( ) Accessorize to a Crime: Real and Stealthy Attacks on State-Of Of-The The-Art Face Recognition Keshav Yerra (2670843) Monish Prasad (2671587) Machine Learning is Everywhere Cancer Diagnosis Surveillance

More information

DIAGNOSTIC CLASSIFICATION OF LUNG NODULES USING 3D NEURAL NETWORKS

DIAGNOSTIC CLASSIFICATION OF LUNG NODULES USING 3D NEURAL NETWORKS DIAGNOSTIC CLASSIFICATION OF LUNG NODULES USING 3D NEURAL NETWORKS Raunak Dey Zhongjie Lu Yi Hong Department of Computer Science, University of Georgia, Athens, GA, USA First Affiliated Hospital, School

More information

Motivation: Attention: Focusing on specific parts of the input. Inspired by neuroscience.

Motivation: Attention: Focusing on specific parts of the input. Inspired by neuroscience. Outline: Motivation. What s the attention mechanism? Soft attention vs. Hard attention. Attention in Machine translation. Attention in Image captioning. State-of-the-art. 1 Motivation: Attention: Focusing

More information

Adversarial Examples that Fool both Computer Vision and Time-Limited Humans

Adversarial Examples that Fool both Computer Vision and Time-Limited Humans Adversarial Examples that Fool both Computer Vision and Time-Limited Humans Gamaleldin F. Elsayed Google Brain gamaleldin.elsayed@gmail.com Shreya Shankar Stanford University Brian Cheung UC Berkeley Nicolas

More information

Reduction of Overfitting in Diabetes Prediction Using Deep Learning Neural Network

Reduction of Overfitting in Diabetes Prediction Using Deep Learning Neural Network Reduction of Overfitting in Diabetes Prediction Using Deep Learning Neural Network Akm Ashiquzzaman *, Abdul Kawsar Tushar *, Md. Rashedul Islam *, 1, and Jong-Myon Kim **, 2 * Department of CSE, University

More information

Computational modeling of visual attention and saliency in the Smart Playroom

Computational modeling of visual attention and saliency in the Smart Playroom Computational modeling of visual attention and saliency in the Smart Playroom Andrew Jones Department of Computer Science, Brown University Abstract The two canonical modes of human visual attention bottomup

More information

Exploratory Study on Direct Prediction of Diabetes using Deep Residual Networks

Exploratory Study on Direct Prediction of Diabetes using Deep Residual Networks Exploratory Study on Direct Prediction of Diabetes using Deep Residual Networks Samaneh Abbasi-Sureshjani, Behdad Dashtbozorg, Bart M. ter Haar Romeny, and François Fleuret Abstract Diabetes is threatening

More information

CS-E Deep Learning Session 4: Convolutional Networks

CS-E Deep Learning Session 4: Convolutional Networks CS-E4050 - Deep Learning Session 4: Convolutional Networks Jyri Kivinen Aalto University 23 September 2015 Credits: Thanks to Tapani Raiko for slides material. CS-E4050 - Deep Learning Session 4: Convolutional

More information

Real Time Image Saliency for Black Box Classifiers

Real Time Image Saliency for Black Box Classifiers Real Time Image Saliency for Black Box Classifiers Piotr Dabkowski pd437@cam.ac.uk University of Cambridge Yarin Gal yarin.gal@eng.cam.ac.uk University of Cambridge and Alan Turing Institute, London Abstract

More information

DeepGauge: Multi-Granularity Testing Criteria for Deep Learning Systems

DeepGauge: Multi-Granularity Testing Criteria for Deep Learning Systems DeepGauge: Multi-Granularity Testing Criteria for Deep Learning Systems Lei Ma 1,3, Felix Juefei-Xu 2, Fuyuan Zhang 3, Jiyuan Sun 4, Minhui Xue 3, Bo Li 5 Chunyang Chen 6, Ting Su 3, Li Li 6, Yang Liu

More information

arxiv: v1 [cs.cv] 13 Mar 2018

arxiv: v1 [cs.cv] 13 Mar 2018 RESOURCE AWARE DESIGN OF A DEEP CONVOLUTIONAL-RECURRENT NEURAL NETWORK FOR SPEECH RECOGNITION THROUGH AUDIO-VISUAL SENSOR FUSION Matthijs Van keirsbilck Bert Moons Marian Verhelst MICAS, Department of

More information

arxiv: v1 [cs.cv] 15 Aug 2018

arxiv: v1 [cs.cv] 15 Aug 2018 Ensemble of Convolutional Neural Networks for Dermoscopic Images Classification Tomáš Majtner 1, Buda Bajić 2, Sule Yildirim 3, Jon Yngve Hardeberg 3, Joakim Lindblad 4,5 and Nataša Sladoje 4,5 arxiv:1808.05071v1

More information

Image-Based Estimation of Real Food Size for Accurate Food Calorie Estimation

Image-Based Estimation of Real Food Size for Accurate Food Calorie Estimation Image-Based Estimation of Real Food Size for Accurate Food Calorie Estimation Takumi Ege, Yoshikazu Ando, Ryosuke Tanno, Wataru Shimoda and Keiji Yanai Department of Informatics, The University of Electro-Communications,

More information

arxiv: v3 [stat.ml] 28 Oct 2017

arxiv: v3 [stat.ml] 28 Oct 2017 Interpretable Deep Learning applied to Plant Stress Phenotyping arxiv:1710.08619v3 [stat.ml] 28 Oct 2017 Sambuddha Ghosal sghosal@iastate.edu Asheesh K. Singh singhak@iastate.edu Arti Singh arti@iastate.edu

More information

Facial Expression Classification Using Convolutional Neural Network and Support Vector Machine

Facial Expression Classification Using Convolutional Neural Network and Support Vector Machine Facial Expression Classification Using Convolutional Neural Network and Support Vector Machine Valfredo Pilla Jr, André Zanellato, Cristian Bortolini, Humberto R. Gamba and Gustavo Benvenutti Borba Graduate

More information

PathGAN: Visual Scanpath Prediction with Generative Adversarial Networks

PathGAN: Visual Scanpath Prediction with Generative Adversarial Networks PathGAN: Visual Scanpath Prediction with Generative Adversarial Networks Marc Assens 1, Kevin McGuinness 1, Xavier Giro-i-Nieto 2, and Noel E. O Connor 1 1 Insight Centre for Data Analytic, Dublin City

More information

B657: Final Project Report Holistically-Nested Edge Detection

B657: Final Project Report Holistically-Nested Edge Detection B657: Final roject Report Holistically-Nested Edge Detection Mingze Xu & Hanfei Mei May 4, 2016 Abstract Holistically-Nested Edge Detection (HED), which is a novel edge detection method based on fully

More information

Dual Path Network and Its Applications

Dual Path Network and Its Applications Learning and Vision Group (NUS), ILSVRC 2017 - CLS-LOC & DET tasks Dual Path Network and Its Applications National University of Singapore: Yunpeng Chen, Jianan Li, Huaxin Xiao, Jianshu Li, Xuecheng Nie,

More information

LOOK, LISTEN, AND DECODE: MULTIMODAL SPEECH RECOGNITION WITH IMAGES. Felix Sun, David Harwath, and James Glass

LOOK, LISTEN, AND DECODE: MULTIMODAL SPEECH RECOGNITION WITH IMAGES. Felix Sun, David Harwath, and James Glass LOOK, LISTEN, AND DECODE: MULTIMODAL SPEECH RECOGNITION WITH IMAGES Felix Sun, David Harwath, and James Glass MIT Computer Science and Artificial Intelligence Laboratory, Cambridge, MA, USA {felixsun,

More information

Shu Kong. Department of Computer Science, UC Irvine

Shu Kong. Department of Computer Science, UC Irvine Ubiquitous Fine-Grained Computer Vision Shu Kong Department of Computer Science, UC Irvine Outline 1. Problem definition 2. Instantiation 3. Challenge 4. Fine-grained classification with holistic representation

More information

HHS Public Access Author manuscript Med Image Comput Comput Assist Interv. Author manuscript; available in PMC 2018 January 04.

HHS Public Access Author manuscript Med Image Comput Comput Assist Interv. Author manuscript; available in PMC 2018 January 04. Discriminative Localization in CNNs for Weakly-Supervised Segmentation of Pulmonary Nodules Xinyang Feng 1, Jie Yang 1, Andrew F. Laine 1, and Elsa D. Angelini 1,2 1 Department of Biomedical Engineering,

More information

Segmentation of Cell Membrane and Nucleus by Improving Pix2pix

Segmentation of Cell Membrane and Nucleus by Improving Pix2pix Segmentation of Membrane and Nucleus by Improving Pix2pix Masaya Sato 1, Kazuhiro Hotta 1, Ayako Imanishi 2, Michiyuki Matsuda 2 and Kenta Terai 2 1 Meijo University, Siogamaguchi, Nagoya, Aichi, Japan

More information

arxiv: v1 [cs.cv] 2 Jun 2017

arxiv: v1 [cs.cv] 2 Jun 2017 INTEGRATED DEEP AND SHALLOW NETWORKS FOR SALIENT OBJECT DETECTION Jing Zhang 1,2, Bo Li 1, Yuchao Dai 2, Fatih Porikli 2 and Mingyi He 1 1 School of Electronics and Information, Northwestern Polytechnical

More information

ITERATIVELY TRAINING CLASSIFIERS FOR CIRCULATING TUMOR CELL DETECTION

ITERATIVELY TRAINING CLASSIFIERS FOR CIRCULATING TUMOR CELL DETECTION ITERATIVELY TRAINING CLASSIFIERS FOR CIRCULATING TUMOR CELL DETECTION Yunxiang Mao 1, Zhaozheng Yin 1, Joseph M. Schober 2 1 Missouri University of Science and Technology 2 Southern Illinois University

More information

Fully Convolutional Network-based Multi-Task Learning for Rectum and Rectal Cancer Segmentation

Fully Convolutional Network-based Multi-Task Learning for Rectum and Rectal Cancer Segmentation Fully Convolutional Network-based Multi-Task Learning for Rectum and Rectal Cancer Segmentation Joohyung Lee 1, Ji Eun Oh 1, Min Ju Kim 2, Bo Yun Hur 2, Sun Ah Cho 1 1, 2*, and Dae Kyung Sohn 1 Innovative

More information

arxiv: v2 [cs.cv] 8 Mar 2018

arxiv: v2 [cs.cv] 8 Mar 2018 Automated soft tissue lesion detection and segmentation in digital mammography using a u-net deep learning network Timothy de Moor a, Alejandro Rodriguez-Ruiz a, Albert Gubern Mérida a, Ritse Mann a, and

More information

RadBot-CXR: Classification of Four Clinical Finding Categories in Chest X-Ray Using Deep Learning

RadBot-CXR: Classification of Four Clinical Finding Categories in Chest X-Ray Using Deep Learning RadBot-CXR: Classification of Four Clinical Finding Categories in Chest X-Ray Using Deep Learning Chen Brestel chen@zebra-med.com Itamar Tamir Rabin Medical Center & Tel Aviv University dr.tamir.i.a@gmail.com

More information

Deep CNNs for Diabetic Retinopathy Detection

Deep CNNs for Diabetic Retinopathy Detection Deep CNNs for Diabetic Retinopathy Detection Alex Tamkin Stanford University atamkin@stanford.edu Iain Usiri Stanford University iusiri@stanford.edu Chala Fufa Stanford University cfufa@stanford.edu 1

More information

DeepGauge: Multi-Granularity Testing Criteria for Deep Learning Systems

DeepGauge: Multi-Granularity Testing Criteria for Deep Learning Systems DeepGauge: Multi-Granularity Testing Criteria for Deep Learning Systems Lei Ma 1,3, Felix Juefei-Xu 2, Fuyuan Zhang 3, Jiyuan Sun 4, Minhui Xue 3, Bo Li 5 Chunyang Chen 6, Ting Su 3, Li Li 6, Yang Liu

More information

Classification of breast cancer histology images using transfer learning

Classification of breast cancer histology images using transfer learning Classification of breast cancer histology images using transfer learning Sulaiman Vesal 1 ( ), Nishant Ravikumar 1, AmirAbbas Davari 1, Stephan Ellmann 2, Andreas Maier 1 1 Pattern Recognition Lab, Friedrich-Alexander-Universität

More information