arxiv: v1 [cs.lg] 29 Oct 2015

Size: px
Start display at page:

Download "arxiv: v1 [cs.lg] 29 Oct 2015"

Transcription

1 RATM: Recurrent Attentive Tracking Model Samira Ebrahimi Kahou École Polytechnique de Montréal, Canada Vincent Michalski Université de Montréal, Canada arxiv: v1 [cs.lg] 9 Oct 015 Roland Memisevic Université de Montréal, Canada roland.memisevic@umontreal.ca Abstract This work presents an attention mechanism-based neural network approach for tracking objects in video. A recurrent neural network is trained to predict the position of an object at time t + 1 given a series of selective glimpses into video frames at time steps 1 to t. The proposed recurrent attentive tracking model can be trained using simple gradient-based training. Various settings are explored in experiments on artificial data to justify design choices. 1 Introduction Traditional work on object tracking uses different sampling methods to select and evaluate multiple window candidates based on similarity in feature space. [1]. In this work we introduce a tracking method, that predicts the position of an object at time t only based on prior information, i.e. without actually considering the content of the current frame. Recently, a fully differentiable attention mechanism, that can selectively read and write in images was introduced and used to build a model for sequential generation of images []. Interestingly, in the experiments of [] on handwritten digits, the read mechanism learned to trace contours and the write mechanism generated digits in a continuous motion of the write window, hinting at the potential of this method for tracking applications. The proposed recurrent attentive tracking model (RATM) employs a modified version of that read mechanism. Previous work has investigated the application of attention mechanisms for tracking with neural networks [3]. In contrast to that work, we develop a fully-integrated neural framework, that can completely be trained by back-propagation. Method The proposed model mainly consists of two components: an attention mechanism that extracts patches from the input images and a recurrent neural network (RNN), which predicts attention parameters, i.e. it predicts where to look in the next frame. Sections.1 and. describe the attention mechanism and the RNN, respectively..1 Attention The attention mechanism introduced in [] extracts glimpses from the input data by applying a set of D Gaussian window filters. Each filter response corresponds to one pixel of the glimpse. Exploiting the separability of D Gaussian windows, this attention mechanism constructs an N N grid of two-dimensional Gaussian filters by sequentially applying a set of row filters and a set of column 1

2 (b) Top: A full image, Bottom: The selected attention patch, (a) Layout of the Recurrent Attentive Tracking Model. The black arrows indicate presented as network that the hidden states affect the patch extraction in the next time step. input. filters. The grid has 4 parameters 1, the grid center g X, g Y, the isotropic standard deviation σ and the stride between grid points δ. For the filter at row i, column j in the attention patch, the mean locations µ i X, µj Y are computed as follows: µ i X = g X + (i N 0.5) δ, µj Y = g Y + (j N 0.5) δ (1) The parameters are dynamically generated as a linear transformation of a vector h: followed by normalization of the parameters: g X = g X + 1 ( g X, g Y, σ, δ) = Wh, (), g Y = g Y + 1 max(a, B) 1, δ = δ, σ = σ, (3) N 1 where A and B are the width and height of the input image. In contrast to the original implementation in [], we use the absolute value function to ensure positivity of δ and σ. The intuition behind this choice is the following: In our experiments we observed that the stride and standard deviation parameters tend to saturate at low values, causing the attention window to zoom in into a single pixel. This effectively inhibited gradient flow through neighboring pixels of the attention filters. By replacing the exponential function with the absolute value, we introduce a discontinuity at x = 0. Piecewise linear activation functions have been shown to benefit optimization [4] and the absolute value function is a convenient trade-off between the harsh zeroing of all negative inputs of the Rectified Linear Unit (ReLU) and the extreme saturation for highly negative inputs of the exponential function. The filters which are used to extract a patch p from an image x are computed as follows: F X [i, a] = 1 exp ( (a ) ( ) µi X ) Z X σ, F Y [j, b] = 1 exp (b µj Y ) Z Y σ In Equation 4, a and b correspond to column and row indices in the input image. The N N patch p is then extracted from the image x by separate application of both filters: p = F Y xf T X. An example of the patch extraction is shown in Figure 1b.. Recurrent Neural Network Advances in the optimization of RNNs enable their successful application in a wide range of tasks [5, 6, 7]. The most simple RNN consists of one input, one hidden and one output layer. In time-step 1 The original read mechanism from [] also adds a scalar intensity parameter, that is multiplied to filter responses. (4)

3 t, the network, based on the input frame x t and the previous hidden state h t 1, computes the new hidden state h t = σ(w in x t + W rec h t 1 ), (5) where σ is a non-linear activation function, W in is the input and W rec is the recurrent weight matrix. While the application of the more sophisticated long-short-term memory [7] and gated recurrent units [6] is very common in recent work, we rely on a simpler variant of recurrent networks, called IRNN [8], in which W rec is initialized with a scaled version of the identity matrix and σ in Equation 5 corresponds to the element-wise ReLU activation function [4] In our experiments we use the IRNN implementation of [9]..3 Recurrent Attentive Tracking Model σ(x) = max(0, x). (6) The task of tracking involves the mapping of a sequence of inputs X = (x 1, x,..., x T ) to a sequence of locations Y = (y 1, y,..., y T ). Given that for the prediction ŷ t of an object s location at time t, the trajectory (y 1,..., y t 1 ) usually contains highly relevant contextual information, it is suitable to choose a hidden state model which has the capacity of building a representation of this trajectory. The proposed RATM is a fully differentiable neural network, consisting of the described attention mechanism and an RNN. The hidden state vector h t of the RNN is mapped to window parameters according to Equations and 3. The resulting image patch returned by the attention mechanism is then passed as input x t+1 to the RNN, which computes h t+1 according to Equation 5. A sketch of the model is shown in Figure 1a. Instead of passing the raw input patch to the RNN, a pre-trained model can be used to extract image features, e.g. a convolutional neural network (CNN). Note that the size of this feature model affects memory consumption and/or computation speed of the whole model, especially during training, because gradients have to be back-propagated through its instances in all time-steps. In Section 3, we explore various ways of generating a training signal for gradient descent training of RATM. 3 Experiments In this section we present some of the experiments with RATM and comment on qualitative results. Unless noted otherwise, the initial parameters of the attention mechanism are set such that the resulting first patch roughly covers the whole image. 3.1 Bouncing Balls For our initial experiment, we used the bouncing balls data set [10] with 3 frames. In the objective function, we minimized only the mean-squared error between the selected patch in the last frame and a target patch which is simply a cropped white ball image as the shape and color of the object is constant across the whole data set. The dynamics in this data set are very limited and even though the tracking looks accurate, it can be explained by the RNNs potential for memorizing the set of possible trajectories. For this reason, we experimented with more challenging data sets. Figure 1 shows the results of tracking a ball in a test sequence in the top row. 3. MNIST Single-Digit: To better understand the learning ability of RATM, we generated a new data set by moving one digit randomly drawn from MNIST [11]. We respected the same data split for training and testing as MNIST, i.e. digits were drawn from the training split to generate training sequences and testing split for testing. The generated videos have frame size and show a digit moving in a random walk with momentum against a black background. This experiment is different from bouncing balls tracking since digits are from different classes which the model has to recognize. As an objective function we used the average classification error provided by a pre-trained shallow CNN, that classified the patches of each time-step. This CNN is trained on the MNIST data set and the model parameters remained fixed during RATM training. The model failed to learn only based on the classification term. To amend this, we initially tried to add a penalty on the distance between 3

4 corners of the ground truth bounding boxes and the corners of the attention grid. This again led to unsatisfactory results and we changed the localization cost to the mean-squared error between ground truth center coordinates and patch center. This modification helped the model to reliably detect and track the digits. The localization term helped in the early stages of training to guide RATM to track the digits, whereas the classification term encourages the model to properly zoom into the image and maximize classification accuracy. Training is done on sequences with only 10 frames. The classification and localization penalties were applied at every time-step. At test time, the CNN is switched off and we let the model track test sequences of 30 frames. Figure 1 shows one test sample in the middle row. Multi-Digit: It was interesting to see how robust RATM is in presence of another moving digit in the background. Thus, we generated new sequences by modifying the bouncing balls script [10]. The balls were replaced by randomly drawn MNIST digits. We also added a random walk with momentum to the motion vector. The cost function and settings are the same as in the single digit experiment, except that we set the initial bias of the attention mechanism such that the initial window is centered on the digit to be tracked. The model was trained on 10 frames and was able to focus on digits at least for 15 frames in test cases. Figure 1 shows tracking results on a test sequence in the bottom row. Figure 1: Sequences of the tracking experiments. Top: bouncing balls, middle: single MNIST digit, bottom: two MNIST digits. Each showing in two rows the original sequence and the sequence of selected patches. Each column is one time-step. The green cross marks the ground truth position and the red rectangle marks the attention window. 4 Conclusion and Future Work We showed that the proposed method, RATM, is able to learn to track objects in experiments on artificial data. We experimented with RATM on the Caltech Pedestrian Dataset [1, 13], but the number of long annotated training sequences which contain the same subject is quite low for deep learning standards. Moreover, due to the high frame rate motion is very limited, so the model learned to predict almost a static window. The results were inconclusive and are not presented here. Currently we are experimenting with other data sets, not only containing pedestrians, and try to provide quantitative results as a baseline for comparison. As a long-term project goal, we plan to explore multi-object tracking and to investigate the representation learned by the network. In particular, we will focus on the model s ability to deal with occlusions and to compress object identity and motion trajectory in its hidden state. Acknowledgments The authors would like to thank the developers of Theano [14, 15] and Jörg Bornschein for helpful discussions. This work was supported by an NSERC Discovery Award and the German BMBF, project 01GQ0841. We also thank the Canadian Foundation for Innovation (CFI) for support under the Leaders program. 4

5 References [1] Arnold W M Smeulders, Dung M Chu, Rita Cucchiara, Simone Calderara, Afshin Dehghan, and Mubarak Shah. Visual tracking: An experimental survey. Pattern Analysis and Machine Intelligence, IEEE Transactions on, 36(7): , July 014. [] Karol Gregor, Ivo Danihelka, Alex Graves, and Daan Wierstra. DRAW: A recurrent neural network for image generation. CoRR, abs/ , 015. [3] Misha Denil, Loris Bazzani, Hugo Larochelle, and Nando de Freitas. Learning where to attend with deep architectures for image tracking. CoRR, abs/ , 011. [4] Vinod Nair and Geoffrey E Hinton. Rectified linear units improve restricted boltzmann machines. In Proceedings of the 7th International Conference on Machine Learning (ICML-10), pages , 010. [5] Ilya Sutskever, Oriol Vinyals, and Quoc VV Le. Sequence to sequence learning with neural networks. In Advances in neural information processing systems, pages , 014. [6] Kyunghyun Cho, Bart Van Merriënboer, Caglar Gulcehre, Dzmitry Bahdanau, Fethi Bougares, Holger Schwenk, and Yoshua Bengio. Learning phrase representations using rnn encoderdecoder for statistical machine translation. arxiv preprint arxiv: , 014. [7] Sepp Hochreiter and Jürgen Schmidhuber. Long short-term memory. Neural computation, 9(8): , [8] Quoc V Le, Navdeep Jaitly, and Geoffrey E Hinton. A simple way to initialize recurrent networks of rectified linear units. arxiv preprint arxiv: , 015. [9] Samira Ebrahimi Kahou, Vincent Michalski, Kishore Konda, Roland Memisevic, and Christopher Pal. Recurrent neural networks for emotion recognition in video. In Proceedings of the 17th ACM on International Conference on Multimodal Interaction, ICMI 15, 015. [10] Ilya Sutskever, Geoffrey E Hinton, and Graham W Taylor. The recurrent temporal restricted boltzmann machine. In Advances in Neural Information Processing Systems, pages , 009. [11] Yann Lecun, Leon Bottou, Yoshua Bengio, and Patrick Haffner. Gradient-based learning applied to document recognition. Proceedings of the IEEE, 86(11):78 34, Nov [1] Piotr Dollár, Christian Wojek, Bernt Schiele, and Pietro Perona. Pedestrian detection: A benchmark. In CVPR, June 009. [13] Piotr Dollár, Christian Wojek, Bernt Schiele, and Pietro Perona. Pedestrian detection: An evaluation of the state of the art. PAMI, 34, 01. [14] Frédéric Bastien, Pascal Lamblin, Razvan Pascanu, James Bergstra, Ian Goodfellow, Arnaud Bergeron, Nicolas Bouchard, David Warde-Farley, and Yoshua Bengio. Theano: new features and speed improvements. arxiv preprint arxiv: , 01. [15] James Bergstra, Olivier Breuleux, Frédéric Bastien, Pascal Lamblin, Razvan Pascanu, Guillaume Desjardins, Joseph Turian, David Warde-Farley, and Yoshua Bengio. Theano: a cpu and gpu math expression compiler. In Proceedings of the Python for scientific computing conference (SciPy), volume 4, page 3. Austin, TX,

ATTENTION MECHANISMS are one of the biggest trends

ATTENTION MECHANISMS are one of the biggest trends 1 RATM: Recurrent Attentive Tracking Model Samira Ebrahimi Kahou, Vincent Michalski, and Roland Memisevic Abstract We present an attention-based modular neural framework for computer vision. The framework

More information

RATM: Recurrent Attentive Tracking Model

RATM: Recurrent Attentive Tracking Model RATM: Recurrent Attentive Tracking Model Samira Ebrahimi Kahou 1, Vincent Michalski 2, Roland Memisevic 2, Christopher Pal 1, Pascal Vincent 2 1 École Polytechnique de Montréal, 2 Université de Montréal

More information

Learning visual odometry with a convolutional network

Learning visual odometry with a convolutional network Learning visual odometry with a convolutional network Kishore Konda 1, Roland Memisevic 2 1 Goethe University Frankfurt 2 University of Montreal konda.kishorereddy@gmail.com, roland.memisevic@gmail.com

More information

LSTM with Working Memory

LSTM with Working Memory LSTM with Working Memory Andrew Pulver Department of Computer Science University at Albany Email: apulver@albany.edu Siwei Lyu Department of Computer Science University at Albany Email: slyu@albany.edu

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

Stochastic Gradient Descent Algorithm in the Computational Network Toolkit

Stochastic Gradient Descent Algorithm in the Computational Network Toolkit Stochastic Gradient Descent Algorithm in the Computational Network Toolkit Brian Guenter, Dong Yu, Adam Eversole, Oleksii Kuchaiev, Michael L. Seltzer Microsoft Corporation One Microsoft Way Redmond, WA

More information

Comparing Dropout Nets to Sum-Product Networks for Predicting Molecular Activity

Comparing Dropout Nets to Sum-Product Networks for Predicting Molecular Activity 000 001 002 003 004 005 006 007 008 009 010 011 012 013 014 015 016 017 018 019 020 021 022 023 024 025 026 027 028 029 030 031 032 033 034 035 036 037 038 039 040 041 042 043 044 045 046 047 048 049 050

More information

arxiv: v7 [cs.lg] 22 May 2016

arxiv: v7 [cs.lg] 22 May 2016 arxiv:1511.07838v7 [cs.lg] 22 May 2016 Amjad Almahairi Nicolas Ballas Tim Cooijmans Yin Zheng Hugo Larochelle Aaron Courville MILA, Université de Montréal, Québec, Canada Hulu LLC. Beijing, China Twitter,

More information

Gate-Variants of Gated Recurrent Unit (GRU) Neural Networks

Gate-Variants of Gated Recurrent Unit (GRU) Neural Networks Gate-Variants of Gated Recurrent Unit (GRU) Neural Networks Rahul Dey and Fathi M. Salem Circuits, Systems, and Neural Networks (CSANN) LAB Department of Electrical and Computer Engineering Michigan State

More information

arxiv: v6 [stat.ml] 15 Jun 2015

arxiv: v6 [stat.ml] 15 Jun 2015 VARIATIONAL RECURRENT AUTO-ENCODERS Otto Fabius & Joost R. van Amersfoort Machine Learning Group University of Amsterdam {ottofabius,joost.van.amersfoort}@gmail.com ABSTRACT arxiv:1412.6581v6 [stat.ml]

More information

Show, Discriminate, and Tell: A Discriminatory Image Captioning Model with Deep Neural Networks

Show, Discriminate, and Tell: A Discriminatory Image Captioning Model with Deep Neural Networks Show, Discriminate, and Tell: A Discriminatory Image Captioning Model with Deep Neural Networks Boya Peng Department of Computer Science Stanford University boya@stanford.edu Zelun Luo Department of Computer

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

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: v5 [stat.ml] 4 May 2017

arxiv: v5 [stat.ml] 4 May 2017 Machine Learning on Sequential Data Using a Recurrent Weighted Average arxiv:1703.01253v5 [stat.ml] 4 May 2017 Jared Ostmeyer * Lindsay Cowell Department of Clinical Sciences UT Southwestern Medical Center

More information

Machine Learning 13. week

Machine Learning 13. week Machine Learning 13. week Deep Learning Convolutional Neural Network Recurrent Neural Network 1 Why Deep Learning is so Popular? 1. Increase in the amount of data Thanks to the Internet, huge amount of

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

Theano Tutorials. Ian Goodfellow

Theano Tutorials. Ian Goodfellow Theano Tutorials Ian Goodfellow Outline 1. Basic usage: How to write a theano program 2. Advanced usage: Symbolic manipulations and debugging, etc. 3A. Internals: how to add your own features 3B. Machine

More information

Show, Discriminate, and Tell: A Discriminatory Image Captioning Model with Deep Neural Networks

Show, Discriminate, and Tell: A Discriminatory Image Captioning Model with Deep Neural Networks Show, Discriminate, and Tell: A Discriminatory Image Captioning Model with Deep Neural Networks Zelun Luo Department of Computer Science Stanford University zelunluo@stanford.edu Te-Lin Wu Department of

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

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

Distributed neural networks for Internet of Things: the Big-Little approach

Distributed neural networks for Internet of Things: the Big-Little approach Distributed neural networks for Internet of Things: the Big-Little approach Elias De Coninck, Tim Verbelen, Bert Vankeirsbilck, Steven Bohez, Pieter Simoens, Piet Demeester, and Bart Dhoedt Ghent University

More information

arxiv: v1 [cs.lg] 9 Nov 2015

arxiv: v1 [cs.lg] 9 Nov 2015 GENERATING IMAGES FROM CAPTIONS WITH ATTENTION Elman Mansimov, Emilio Parisotto, Jimmy Lei Ba & Ruslan Salakhutdinov Department of Computer Science University of Toronto Toronto, Ontario, Canada {emansim,eparisotto,rsalakhu}@cs.toronto.edu,

More information

arxiv: v5 [cs.lg] 23 Sep 2015

arxiv: v5 [cs.lg] 23 Sep 2015 TRAINING DEEP NEURAL NETWORKS WITH LOW PRECISION MULTIPLICATIONS Matthieu Courbariaux & Jean-Pierre David École Polytechnique de Montréal {matthieu.courbariaux,jean-pierre.david}@polymtl.ca arxiv:1412.7024v5

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

Single Object Tracking with Organic Optic Attenuation

Single Object Tracking with Organic Optic Attenuation Single Object Tracking with Organic Optic Attenuation Note: DEMO GIFS Have been removed due to making the presentation too large to upload to blackboard! (other gifs have been lossy-compressed) Ibraheem

More information

Empirical Evaluation of Gated Recurrent Neural Networks on Sequence Modeling

Empirical Evaluation of Gated Recurrent Neural Networks on Sequence Modeling Empirical Evaluation of Gated Recurrent Neural Networks on Sequence Modeling Authors: Junyoung Chung, Caglar Gulcehre, KyungHyun Cho and Yoshua Bengio Presenter: Yu-Wei Lin Background: Recurrent Neural

More information

CS489/698: Intro to ML

CS489/698: Intro to ML CS489/698: Intro to ML Lecture 14: Training of Deep NNs Instructor: Sun Sun 1 Outline Activation functions Regularization Gradient-based optimization 2 Examples of activation functions 3 5/28/18 Sun Sun

More information

On the Efficiency of Recurrent Neural Network Optimization Algorithms

On the Efficiency of Recurrent Neural Network Optimization Algorithms On the Efficiency of Recurrent Neural Network Optimization Algorithms Ben Krause, Liang Lu, Iain Murray, Steve Renals University of Edinburgh Department of Informatics s17005@sms.ed.ac.uk, llu@staffmail.ed.ac.uk,

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

Convolutional Neural Network for Facial Expression Recognition

Convolutional Neural Network for Facial Expression Recognition Convolutional Neural Network for Facial Expression Recognition Liyuan Zheng Department of Electrical Engineering University of Washington liyuanz8@uw.edu Shifeng Zhu Department of Electrical Engineering

More information

arxiv: v1 [cs.lg] 24 Jun 2014

arxiv: v1 [cs.lg] 24 Jun 2014 Recurrent Models of Visual Attention Volodymyr Mnih Nicolas Heess Alex Graves Koray Kavukcuoglu Google DeepMind {vmnih,heess,gravesa,korayk} @ google.com arxiv:1406.6247v1 [cs.lg] 24 Jun 2014 Abstract

More information

Temporal Activity Detection in Untrimmed Videos with Recurrent Neural Networks

Temporal Activity Detection in Untrimmed Videos with Recurrent Neural Networks Temporal Activity Detection in Untrimmed Videos with Recurrent Neural Networks Alberto Montes al.montes.gomez@gmail.com Santiago Pascual TALP Research Center santiago.pascual@tsc.upc.edu Amaia Salvador

More information

SEMANTIC COMPUTING. Lecture 8: Introduction to Deep Learning. TU Dresden, 7 December Dagmar Gromann International Center For Computational Logic

SEMANTIC COMPUTING. Lecture 8: Introduction to Deep Learning. TU Dresden, 7 December Dagmar Gromann International Center For Computational Logic SEMANTIC COMPUTING Lecture 8: Introduction to Deep Learning Dagmar Gromann International Center For Computational Logic TU Dresden, 7 December 2018 Overview Introduction Deep Learning General Neural Networks

More information

An Online Sequence-to-Sequence Model Using Partial Conditioning

An Online Sequence-to-Sequence Model Using Partial Conditioning An Online Sequence-to-Sequence Model Using Partial Conditioning Navdeep Jaitly Google Brain ndjaitly@google.com David Sussillo Google Brain sussillo@google.com Quoc V. Le Google Brain qvl@google.com Oriol

More information

arxiv: v2 [stat.ml] 27 May 2016

arxiv: v2 [stat.ml] 27 May 2016 Do Deep Convolutional Nets Really Need to be Deep (Or Even Convolutional)? arxiv:1603.05691v2 [stat.ml] 27 May 2016 Gregor Urban University of California, Irvine gurban@uci.edu Samira Ebrahimi Kahou Ecole

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

One Network to Solve Them All Solving Linear Inverse Problems using Deep Projection Models

One Network to Solve Them All Solving Linear Inverse Problems using Deep Projection Models One Network to Solve Them All Solving Linear Inverse Problems using Deep Projection Models [Supplemental Materials] 1. Network Architecture b ref b ref +1 We now describe the architecture of the networks

More information

Keras: Handwritten Digit Recognition using MNIST Dataset

Keras: Handwritten Digit Recognition using MNIST Dataset Keras: Handwritten Digit Recognition using MNIST Dataset IIT PATNA February 9, 2017 1 / 24 OUTLINE 1 Introduction Keras: Deep Learning library for Theano and TensorFlow 2 Installing Keras Installation

More information

Keras: Handwritten Digit Recognition using MNIST Dataset

Keras: Handwritten Digit Recognition using MNIST Dataset Keras: Handwritten Digit Recognition using MNIST Dataset IIT PATNA January 31, 2018 1 / 30 OUTLINE 1 Keras: Introduction 2 Installing Keras 3 Keras: Building, Testing, Improving A Simple Network 2 / 30

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

Combining Modality Specific Deep Neural Networks for Emo=on Recogni=on in Video ICMI 2013, Emo-W 2013 Grand Challenge

Combining Modality Specific Deep Neural Networks for Emo=on Recogni=on in Video ICMI 2013, Emo-W 2013 Grand Challenge Combining Modality Specific Deep Neural Networks for Emo=on Recogni=on in Video ICMI 2013, Emo-W 2013 Grand Challenge Samira Ebrahimi Kahou (samira.ebrahimi.kahou@gmail.com) with : Christopher Pal, Xavier

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

Deep Learning and Its Applications

Deep Learning and Its Applications Convolutional Neural Network and Its Application in Image Recognition Oct 28, 2016 Outline 1 A Motivating Example 2 The Convolutional Neural Network (CNN) Model 3 Training the CNN Model 4 Issues and Recent

More information

Improving the way neural networks learn Srikumar Ramalingam School of Computing University of Utah

Improving the way neural networks learn Srikumar Ramalingam School of Computing University of Utah Improving the way neural networks learn Srikumar Ramalingam School of Computing University of Utah Reference Most of the slides are taken from the third chapter of the online book by Michael Nielson: neuralnetworksanddeeplearning.com

More information

Neural Networks: promises of current research

Neural Networks: promises of current research April 2008 www.apstat.com Current research on deep architectures A few labs are currently researching deep neural network training: Geoffrey Hinton s lab at U.Toronto Yann LeCun s lab at NYU Our LISA lab

More information

arxiv: v2 [cs.cv] 14 May 2018

arxiv: v2 [cs.cv] 14 May 2018 ContextVP: Fully Context-Aware Video Prediction Wonmin Byeon 1234, Qin Wang 1, Rupesh Kumar Srivastava 3, and Petros Koumoutsakos 1 arxiv:1710.08518v2 [cs.cv] 14 May 2018 Abstract Video prediction models

More information

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

End-to-end Training of Differentiable Pipelines Across Machine Learning Frameworks

End-to-end Training of Differentiable Pipelines Across Machine Learning Frameworks End-to-end Training of Differentiable Pipelines Across Machine Learning Frameworks Mitar Milutinovic Computer Science Division University of California, Berkeley mitar@cs.berkeley.edu Robert Zinkov zinkov@robots.ox.ac.uk

More information

Frame and Segment Level Recurrent Neural Networks for Phone Classification

Frame and Segment Level Recurrent Neural Networks for Phone Classification Frame and Segment Level Recurrent Neural Networks for Phone Classification Martin Ratajczak 1, Sebastian Tschiatschek 2, Franz Pernkopf 1 1 Graz University of Technology, Signal Processing and Speech Communication

More information

An Empirical Evaluation of Deep Architectures on Problems with Many Factors of Variation

An Empirical Evaluation of Deep Architectures on Problems with Many Factors of Variation An Empirical Evaluation of Deep Architectures on Problems with Many Factors of Variation Hugo Larochelle, Dumitru Erhan, Aaron Courville, James Bergstra, and Yoshua Bengio Université de Montréal 13/06/2007

More information

Parallel one-versus-rest SVM training on the GPU

Parallel one-versus-rest SVM training on the GPU Parallel one-versus-rest SVM training on the GPU Sander Dieleman*, Aäron van den Oord*, Benjamin Schrauwen Electronics and Information Systems (ELIS) Ghent University, Ghent, Belgium {sander.dieleman,

More information

DEEP LEARNING REVIEW. Yann LeCun, Yoshua Bengio & Geoffrey Hinton Nature Presented by Divya Chitimalla

DEEP LEARNING REVIEW. Yann LeCun, Yoshua Bengio & Geoffrey Hinton Nature Presented by Divya Chitimalla DEEP LEARNING REVIEW Yann LeCun, Yoshua Bengio & Geoffrey Hinton Nature 2015 -Presented by Divya Chitimalla What is deep learning Deep learning allows computational models that are composed of multiple

More information

Outline GF-RNN ReNet. Outline

Outline GF-RNN ReNet. Outline Outline Gated Feedback Recurrent Neural Networks. arxiv1502. Introduction: RNN & Gated RNN Gated Feedback Recurrent Neural Networks (GF-RNN) Experiments: Character-level Language Modeling & Python Program

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

Crafting Adversarial Input Sequences for Recurrent Neural Networks

Crafting Adversarial Input Sequences for Recurrent Neural Networks Crafting Adversarial Input Sequences for Recurrent Neural Networks Nicolas Papernot and Patrick McDaniel The Pennsylvania State University University Park, PA {ngp5056,mcdaniel}@cse.psu.edu Ananthram Swami

More information

arxiv: v3 [cs.lg] 15 Apr 2014

arxiv: v3 [cs.lg] 15 Apr 2014 Exploring the power of GPU s for training Polyglot language models Vivek Kulkarni, Rami Al-Rfou, Bryan Perozzi, Steven Skiena arxiv:1404.1521v3 [cs.lg] 15 Apr 2014 Department of Computer Science Stony

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

Convolutional Neural Networks for No-Reference Image Quality Assessment

Convolutional Neural Networks for No-Reference Image Quality Assessment Convolutional Neural Networks for No-Reference Image Quality Assessment Le Kang 1, Peng Ye 1, Yi Li 2, and David Doermann 1 1 University of Maryland, College Park, MD, USA 2 NICTA and ANU, Canberra, Australia

More information

Bidirectional Recurrent Neural Networks as Generative Models

Bidirectional Recurrent Neural Networks as Generative Models Bidirectional Recurrent Neural Networks as Generative Models Mathias Berglund Aalto University, Finland Tapani Raiko Aalto University, Finland Mikko Honkala Nokia Labs, Finland Leo Kärkkäinen Nokia Labs,

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

CHARACTER-LEVEL DEEP CONFLATION FOR BUSINESS DATA ANALYTICS

CHARACTER-LEVEL DEEP CONFLATION FOR BUSINESS DATA ANALYTICS CHARACTER-LEVEL DEEP CONFLATION FOR BUSINESS DATA ANALYTICS Zhe Gan, P. D. Singh, Ameet Joshi, Xiaodong He, Jianshu Chen, Jianfeng Gao, and Li Deng Department of Electrical and Computer Engineering, Duke

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

Weighted Convolutional Neural Network. Ensemble.

Weighted Convolutional Neural Network. Ensemble. Weighted Convolutional Neural Network Ensemble Xavier Frazão and Luís A. Alexandre Dept. of Informatics, Univ. Beira Interior and Instituto de Telecomunicações Covilhã, Portugal xavierfrazao@gmail.com

More information

Probabilistic Structured-Output Perceptron: An Effective Probabilistic Method for Structured NLP Tasks

Probabilistic Structured-Output Perceptron: An Effective Probabilistic Method for Structured NLP Tasks Probabilistic Structured-Output Perceptron: An Effective Probabilistic Method for Structured NLP Tasks Xu Sun MOE Key Laboratory of Computational Linguistics, Peking University Abstract Many structured

More information

arxiv: v2 [cs.cv] 26 Jan 2018

arxiv: v2 [cs.cv] 26 Jan 2018 DIRACNETS: TRAINING VERY DEEP NEURAL NET- WORKS WITHOUT SKIP-CONNECTIONS Sergey Zagoruyko, Nikos Komodakis Université Paris-Est, École des Ponts ParisTech Paris, France {sergey.zagoruyko,nikos.komodakis}@enpc.fr

More information

arxiv: v1 [cs.ne] 28 Nov 2017

arxiv: v1 [cs.ne] 28 Nov 2017 Block Neural Network Avoids Catastrophic Forgetting When Learning Multiple Task arxiv:1711.10204v1 [cs.ne] 28 Nov 2017 Guglielmo Montone montone.guglielmo@gmail.com Alexander V. Terekhov avterekhov@gmail.com

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

LSTM and its variants for visual recognition. Xiaodan Liang Sun Yat-sen University

LSTM and its variants for visual recognition. Xiaodan Liang Sun Yat-sen University LSTM and its variants for visual recognition Xiaodan Liang xdliang328@gmail.com Sun Yat-sen University Outline Context Modelling with CNN LSTM and its Variants LSTM Architecture Variants Application in

More information

Visual object classification by sparse convolutional neural networks

Visual object classification by sparse convolutional neural networks Visual object classification by sparse convolutional neural networks Alexander Gepperth 1 1- Ruhr-Universität Bochum - Institute for Neural Dynamics Universitätsstraße 150, 44801 Bochum - Germany Abstract.

More information

Deep Learning. Visualizing and Understanding Convolutional Networks. Christopher Funk. Pennsylvania State University.

Deep Learning. Visualizing and Understanding Convolutional Networks. Christopher Funk. Pennsylvania State University. Visualizing and Understanding Convolutional Networks Christopher Pennsylvania State University February 23, 2015 Some Slide Information taken from Pierre Sermanet (Google) presentation on and Computer

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

To be Bernoulli or to be Gaussian, for a Restricted Boltzmann Machine

To be Bernoulli or to be Gaussian, for a Restricted Boltzmann Machine 2014 22nd International Conference on Pattern Recognition To be Bernoulli or to be Gaussian, for a Restricted Boltzmann Machine Takayoshi Yamashita, Masayuki Tanaka, Eiji Yoshida, Yuji Yamauchi and Hironobu

More information

A spatiotemporal model with visual attention for video classification

A spatiotemporal model with visual attention for video classification A spatiotemporal model with visual attention for video classification Mo Shan and Nikolay Atanasov Department of Electrical and Computer Engineering University of California San Diego, La Jolla, California,

More information

Image-to-Text Transduction with Spatial Self-Attention

Image-to-Text Transduction with Spatial Self-Attention Image-to-Text Transduction with Spatial Self-Attention Sebastian Springenberg, Egor Lakomkin, Cornelius Weber and Stefan Wermter University of Hamburg - Dept. of Informatics, Knowledge Technology Vogt-Ko

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

Empirical Evaluation of RNN Architectures on Sentence Classification Task

Empirical Evaluation of RNN Architectures on Sentence Classification Task Empirical Evaluation of RNN Architectures on Sentence Classification Task Lei Shen, Junlin Zhang Chanjet Information Technology lorashen@126.com, zhangjlh@chanjet.com Abstract. Recurrent Neural Networks

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

A Comparison of Random Forests and Dropout Nets for Sign Language Recognition with the Kinect

A Comparison of Random Forests and Dropout Nets for Sign Language Recognition with the Kinect 000 001 002 003 004 005 006 007 008 009 010 011 012 013 014 015 016 017 018 019 020 021 022 023 024 025 026 027 028 029 030 031 032 033 034 035 036 037 038 039 040 041 042 043 044 045 046 047 048 049 050

More information

arxiv: v5 [cs.cv] 5 Jul 2016

arxiv: v5 [cs.cv] 5 Jul 2016 SIMILARITY-BASED TEXT RECOGNITION BY DEEPLY SUPERVISED SIAMESE NETWORK Ehsan Hosseini-Asl Electrical and Computer Engineering University of Louisville Louisville, KY 40292, USA ehsan.hosseiniasl@louisville.edu

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

Real-Time Depth Estimation from 2D Images

Real-Time Depth Estimation from 2D Images Real-Time Depth Estimation from 2D Images Jack Zhu Ralph Ma jackzhu@stanford.edu ralphma@stanford.edu. Abstract ages. We explore the differences in training on an untrained network, and on a network pre-trained

More information

Lecture 2 Notes. Outline. Neural Networks. The Big Idea. Architecture. Instructors: Parth Shah, Riju Pahwa

Lecture 2 Notes. Outline. Neural Networks. The Big Idea. Architecture. Instructors: Parth Shah, Riju Pahwa Instructors: Parth Shah, Riju Pahwa Lecture 2 Notes Outline 1. Neural Networks The Big Idea Architecture SGD and Backpropagation 2. Convolutional Neural Networks Intuition Architecture 3. Recurrent Neural

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

arxiv: v1 [cs.lg] 18 Jun 2017

arxiv: v1 [cs.lg] 18 Jun 2017 Sparse Neural Network Topologies arxiv:1706.05683v1 [cs.lg] 18 Jun 2017 Alfred Bourely Columbia alfred.bourely@columbia.edu John Patrick Boueri Columbia jpb2184@columbia.edu Krzysztof Choromonski Columbia,

More information

arxiv: v4 [cs.cv] 1 Mar 2016

arxiv: v4 [cs.cv] 1 Mar 2016 DELVING DEEPER INTO CONVOLUTIONAL NETWORKS FOR LEARNING VIDEO REPRESENTATIONS Nicolas Ballas 1, Li Yao 1, Chris Pal 2, Aaron Courville 1 1 MILA, Université de Montréal. 2 École Polytechnique de Montŕeal.

More information

Autoencoders, denoising autoencoders, and learning deep networks

Autoencoders, denoising autoencoders, and learning deep networks 4 th CiFAR Summer School on Learning and Vision in Biology and Engineering Toronto, August 5-9 2008 Autoencoders, denoising autoencoders, and learning deep networks Part II joint work with Hugo Larochelle,

More information

Hierarchical Video Frame Sequence Representation with Deep Convolutional Graph Network

Hierarchical Video Frame Sequence Representation with Deep Convolutional Graph Network Hierarchical Video Frame Sequence Representation with Deep Convolutional Graph Network Feng Mao [0000 0001 6171 3168], Xiang Wu [0000 0003 2698 2156], Hui Xue, and Rong Zhang Alibaba Group, Hangzhou, China

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

Deep Learning Basic Lecture - Complex Systems & Artificial Intelligence 2017/18 (VO) Asan Agibetov, PhD.

Deep Learning Basic Lecture - Complex Systems & Artificial Intelligence 2017/18 (VO) Asan Agibetov, PhD. Deep Learning 861.061 Basic Lecture - Complex Systems & Artificial Intelligence 2017/18 (VO) Asan Agibetov, PhD asan.agibetov@meduniwien.ac.at Medical University of Vienna Center for Medical Statistics,

More information

Groupout: A Way to Regularize Deep Convolutional Neural Network

Groupout: A Way to Regularize Deep Convolutional Neural Network Groupout: A Way to Regularize Deep Convolutional Neural Network Eunbyung Park Department of Computer Science University of North Carolina at Chapel Hill eunbyung@cs.unc.edu Abstract Groupout is a new technique

More information

Image Captioning with Object Detection and Localization

Image Captioning with Object Detection and Localization Image Captioning with Object Detection and Localization Zhongliang Yang, Yu-Jin Zhang, Sadaqat ur Rehman, Yongfeng Huang, Department of Electronic Engineering, Tsinghua University, Beijing 100084, China

More information

LSTM: An Image Classification Model Based on Fashion-MNIST Dataset

LSTM: An Image Classification Model Based on Fashion-MNIST Dataset LSTM: An Image Classification Model Based on Fashion-MNIST Dataset Kexin Zhang, Research School of Computer Science, Australian National University Kexin Zhang, U6342657@anu.edu.au Abstract. The application

More information

Neuron Selectivity as a Biologically Plausible Alternative to Backpropagation

Neuron Selectivity as a Biologically Plausible Alternative to Backpropagation Neuron Selectivity as a Biologically Plausible Alternative to Backpropagation C.J. Norsigian Department of Bioengineering cnorsigi@eng.ucsd.edu Vishwajith Ramesh Department of Bioengineering vramesh@eng.ucsd.edu

More information

CAP 6412 Advanced Computer Vision

CAP 6412 Advanced Computer Vision CAP 6412 Advanced Computer Vision http://www.cs.ucf.edu/~bgong/cap6412.html Boqing Gong April 21st, 2016 Today Administrivia Free parameters in an approach, model, or algorithm? Egocentric videos by Aisha

More information

VEHICLE DETECTION IN URBAN POINT CLOUDS WITH ORTHOGONAL-VIEW CONVOLUTIONAL NEURAL NETWORK. Jing Huang and Suya You. University of Southern California

VEHICLE DETECTION IN URBAN POINT CLOUDS WITH ORTHOGONAL-VIEW CONVOLUTIONAL NEURAL NETWORK. Jing Huang and Suya You. University of Southern California VEHICLE DETECTION IN URBAN POINT CLOUDS WITH ORTHOGONAL-VIEW CONVOLUTIONAL NEURAL NETWORK Jing Huang and Suya You University of Southern California ABSTRACT In this paper, we aim at detecting vehicles

More information

COMP9444 Neural Networks and Deep Learning 7. Image Processing. COMP9444 c Alan Blair, 2017

COMP9444 Neural Networks and Deep Learning 7. Image Processing. COMP9444 c Alan Blair, 2017 COMP9444 Neural Networks and Deep Learning 7. Image Processing COMP9444 17s2 Image Processing 1 Outline Image Datasets and Tasks Convolution in Detail AlexNet Weight Initialization Batch Normalization

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

Pixel-level Generative Model

Pixel-level Generative Model Pixel-level Generative Model Generative Image Modeling Using Spatial LSTMs (2015NIPS) L. Theis and M. Bethge University of Tübingen, Germany Pixel Recurrent Neural Networks (2016ICML) A. van den Oord,

More information

Implicit Mixtures of Restricted Boltzmann Machines

Implicit Mixtures of Restricted Boltzmann Machines Implicit Mixtures of Restricted Boltzmann Machines Vinod Nair and Geoffrey Hinton Department of Computer Science, University of Toronto 10 King s College Road, Toronto, M5S 3G5 Canada {vnair,hinton}@cs.toronto.edu

More information

arxiv: v2 [cs.lg] 7 Jun 2017

arxiv: v2 [cs.lg] 7 Jun 2017 Pixel Deconvolutional Networks Hongyang Gao Washington State University Pullman, WA 99164 hongyang.gao@wsu.edu Hao Yuan Washington State University Pullman, WA 99164 hao.yuan@wsu.edu arxiv:1705.06820v2

More information