Full Download Neural Networks and Deep Learning A Textbook 2Nd Edition Charu C Aggarwal 2 Ebook Online Full Chapter PDF

You might also like

Download as pdf or txt
Download as pdf or txt
You are on page 1of 53

Neural Networks and Deep Learning: A

Textbook, 2nd Edition Charu C.


Aggarwal
Visit to download the full and correct content document:
https://ebookmeta.com/product/neural-networks-and-deep-learning-a-textbook-2nd-e
dition-charu-c-aggarwal-2/
More products digital (pdf, epub, mobi) instant
download maybe you interests ...

Neural Networks and Deep Learning: A Textbook, 2nd


Edition Charu C. Aggarwal

https://ebookmeta.com/product/neural-networks-and-deep-learning-
a-textbook-2nd-edition-charu-c-aggarwal-2/

Machine Learning for Text 2nd Edition Charu C. Aggarwal

https://ebookmeta.com/product/machine-learning-for-text-2nd-
edition-charu-c-aggarwal/

Machine Learning for Text, 2nd Edition Charu Aggarwal

https://ebookmeta.com/product/machine-learning-for-text-2nd-
edition-charu-aggarwal/

Advanced Applied Deep Learning: Convolutional Neural


Networks and Object Detection 1st Edition Umberto
Michelucci

https://ebookmeta.com/product/advanced-applied-deep-learning-
convolutional-neural-networks-and-object-detection-1st-edition-
umberto-michelucci/
Learning Deep Learning Theory and Practice of Neural
Networks Computer Vision NLP and Transformers using
TensorFlow 1st Edition Ekman Magnus

https://ebookmeta.com/product/learning-deep-learning-theory-and-
practice-of-neural-networks-computer-vision-nlp-and-transformers-
using-tensorflow-1st-edition-ekman-magnus/

Beginning Deep Learning with TensorFlow: Work with


Keras, MNIST Data Sets, and Advanced Neural Networks
Liangqu Long

https://ebookmeta.com/product/beginning-deep-learning-with-
tensorflow-work-with-keras-mnist-data-sets-and-advanced-neural-
networks-liangqu-long/

Building Recommender Systems with Machine Learning and


AI: Help people discover new products and content with
deep learning, neural networks, and machine learning
recommendations. 2nd Edition Frank Kane
https://ebookmeta.com/product/building-recommender-systems-with-
machine-learning-and-ai-help-people-discover-new-products-and-
content-with-deep-learning-neural-networks-and-machine-learning-
recommendations-2nd-edition-frank-ka/

Building Recommender Systems with Machine Learning and


AI: Help people discover new products and content with
deep learning, neural networks, and machine learning
recommendations. 2nd Edition Frank Kane
https://ebookmeta.com/product/building-recommender-systems-with-
machine-learning-and-ai-help-people-discover-new-products-and-
content-with-deep-learning-neural-networks-and-machine-learning-
recommendations-2nd-edition-frank-ka-2/

Learning Deep Learning Theory and Practice of Neural


Networks Computer Vision Natural Language Processing
and Transformers Using TensorFlow 1st Edition Magnus
Ekman
https://ebookmeta.com/product/learning-deep-learning-theory-and-
practice-of-neural-networks-computer-vision-natural-language-
processing-and-transformers-using-tensorflow-1st-edition-magnus-
Charu C. Aggarwal

Neural
Networks and
Deep Learning
A Textbook
Second Edition
Neural Networks and Deep Learning
Charu C. Aggarwal

Neural Networks and Deep


Learning
A Textbook

Second Edition
Charu C. Aggarwal
IBM T. J. Watson Research Center
International Business Machines
Yorktown Heights, NY, USA

ISBN 978-3-031-29641-3 ISBN 978-3-031-29642-0 (eBook)


https://doi.org/10.1007/978-3-031-29642-0

c Springer Nature Switzerland AG 2018, 2023


This work is subject to copyright. All rights are reserved by the Publisher, whether the whole or part of the material is
concerned, specifically the rights of translation, reprinting, reuse of illustrations, recitation, broadcasting, reproduction on
microfilms or in any other physical way, and transmission or information storage and retrieval, electronic adaptation, com-
puter software, or by similar or dissimilar methodology now known or hereafter developed.
The use of general descriptive names, registered names, trademarks, service marks, etc. in this publication does not imply,
even in the absence of a specific statement, that such names are exempt from the relevant protective laws and regulations and
therefore free for general use.
The publisher, the authors, and the editors are safe to assume that the advice and information in this book are believed to be
true and accurate at the date of publication. Neither the publisher nor the authors or the editors give a warranty, expressed or
implied, with respect to the material contained herein or for any errors or omissions that may have been made. The publisher
remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.

This Springer imprint is published by the registered company Springer Nature Switzerland AG
The registered company address is: Gewerbestrasse 11, 6330 Cham, Switzerland
To my wife Lata, my daughter Sayani,
and my late parents Dr. Prem Sarup and Mrs. Pushplata Aggarwal.
Preface

“Any A.I. smart enough to pass a Turing test is smart enough to know to fail
it.”–***Ian McDonald
Neural networks were developed to simulate the human nervous system for machine
learning tasks by treating the computational units in a learning model in a manner similar
to human neurons. The grand vision of neural networks is to create artificial intelligence
by building machines whose architecture simulates the computations in the human nervous
system. Although the biological model of neural networks is an exciting one and evokes
comparisons with science fiction, neural networks have a much simpler and mundane math-
ematical basis than a complex biological system. The neural network abstraction can be
viewed as a modular approach of enabling learning algorithms that are based on continuous
optimization on a computational graph of mathematical dependencies between the input
and output. These ideas are strikingly similar to classical optimization methods in control
theory, which historically preceded the development of neural network algorithms.
Neural networks were developed soon after the advent of computers in the fifties and
sixties. Rosenblatt’s perceptron algorithm was seen as a fundamental cornerstone of neural
networks, which caused an initial period of euphoria — it was soon followed by disappoint-
ment as the initial successes were somewhat limited. Eventually, at the turn of the century,
greater data availability and increasing computational power lead to increased successes of
neural networks, and this area was reborn under the new label of “deep learning.” Although
we are still far from the day that artificial intelligence (AI) is close to human performance,
there are specific domains like image recognition, self-driving cars, and game playing, where
AI has matched or exceeded human performance. It is also hard to predict what AI might
be able to do in the future. For example, few computer vision experts would have thought
two decades ago that any automated system could ever perform an intuitive task like cat-
egorizing an image more accurately than a human. The large amounts of data available in
recent years together with increased computational power have enabled experimentation
with more sophisticated and deep neural architectures than was previously possible. The
resulting success has changed the broader perception of the potential of deep learning. This
book discusses neural networks from this modern perspective. The chapters of the book are
organized as follows:
1. The basics of neural networks: Chapters 1, 2, and 3 discuss the basics of neural network
design and the backpropagation algorithm. Many traditional machine learning models

VII
VIII PREFACE

can be understood as special cases of neural learning. Understanding the relationship


between traditional machine learning and neural networks is the first step to under-
standing the latter. The simulation of various machine learning models with neural
networks is provided in Chapter 3. This will give the analyst a feel of how neural
networks push the envelope of traditional machine learning algorithms.
2. Fundamentals of neural networks: Although Chapters 1, 2, and 3 provide an overview
of the training methods for neural networks, a more detailed understanding of the
training challenges is provided in Chapters 4 and 5. Chapters 6 and 7 present radial-
basis function (RBF) networks and restricted Boltzmann machines.
3. Advanced topics in neural networks: A lot of the recent success of deep learning is a
result of the specialized architectures for various domains, such as recurrent neural
networks and convolutional neural networks. Chapters 8 and 9 discuss recurrent and
convolutional neural networks. Graph neural networks are discussed in Chapter 10.
Several advanced topics like deep reinforcement learning, attention mechanisms, neu-
ral Turing mechanisms, and generative adversarial networks are discussed in Chap-
ters 11 and 12.
We have included some “forgotten” architectures like RBF networks and Kohonen self-
organizing maps because of their potential in many applications. An application-centric
view is highlighted throughout the book in order to give the reader a feel for the technology.

What Is New in The Second Edition


The second edition has focused on improving the presentations in the first edition and also
on adding new material. Significant changes have been made to almost all the chapters to
improve presentation and add new material where needed. In some cases, the material in
different chapters has been reorganized and reordered in order to improve exposition. The
discussion of training challenges with depth has been separated from the backpropagation
chapter, so that both topics could be discussed in greater detail. Second-order methods
have been explained with greater clarity and examples. Chapter 10 on graph neural net-
works is entirely new. The discussion on GRUs in Chapter 8 has been greatly enhanced.
New convolutional architectures using attention, such as Squeeze-and-Excitation Networks,
are discussed in Chapter 9. The chapter on reinforcement learning has been significantly
reorganized in order to provide a clearer exposition. The Monte Carlo sampling approach
for reinforcement learning is discussed in greater detail in its own dedicated section. Chap-
ter 12 contains expanded discussions on attention mechanisms for graphs and computer
vision, transformers, pre-trained language models, and adversarial learning.

Notations
Throughout this book, a vector or a multidimensional data point is annotated with a bar,
such as .X or .y. A vector or multidimensional point may be denoted by either small letters
or capital letters, as long as it has a bar. Vector dot products are denoted by centered dots,
such as .X · Y . A matrix is denoted in capital letters without a bar, such as R. Throughout
the book, the .n × d matrix corresponding to the training data set is denoted by D, with n
documents and d dimensions. The individual data points in D are therefore d-dimensional
PREFACE IX

row vectors. On the other hand, vectors with one component for each data point are usually
n-dimensional column vectors. An example is the n-dimensional column vector .y of class
variables. An observed value .yi is distinguished from a predicted value .ŷi by a circumflex
at the top of the variable.

Yorktown Heights, NY, USA Charu C. Aggarwal


Acknowledgments

Acknowledgements for the First Edition


I would like to thank my family for their love and support during the busy time spent
in writing this book. I would also like to thank my manager Nagui Halim for his support
during the writing of this book.
Several figures in this book have been provided by the courtesy of various individuals
and institutions. The Smithsonian Institution made the image of the Mark I perceptron
(cf. Figure 1.5) available at no cost. Saket Sathe provided the outputs in Chapter 8 for
the tiny Shakespeare data set, based on code available/described in [243, 604]. Andrew
Zisserman provided Figures 9.13 and 9.17 in the section on convolutional visualizations.
Another visualization of the feature maps in the convolution network (cf. Figure 9.16) was
provided by Matthew Zeiler. NVIDIA provided Figure 11.10 on the convolutional neural
network for self-driving cars in Chapter 11, and Sergey Levine provided the image on self-
learning robots (cf. Figure 11.9) in the same chapter. Alec Radford provided Figure 12.11,
which appears in Chapter 12. Alex Krizhevsky provided Figure 9.9(b) containing AlexNet.
This book has benefitted from significant feedback and several collaborations that I have
had with numerous colleagues over the years. I would like to thank Quoc Le, Saket Sathe,
Karthik Subbian, Jiliang Tang, and Suhang Wang for their feedback on various portions
of this book. Shuai Zheng provided feedback on the section on regularized autoencoders in
Chapter 5. I received feedback on the sections on autoencoders from Lei Cai and Hao Yuan.
Feedback on the chapter on convolutional neural networks was provided by Hongyang Gao,
Shuiwang Ji, and Zhengyang Wang. Shuiwang Ji, Lei Cai, Zhengyang Wang and Hao Yuan
also reviewed the Chapters 4 and 8, and suggested several edits. They also suggested the
ideas of using Figures 9.6 and 9.7 for elucidating the convolution/deconvolution operations.
For their collaborations, I would like to thank Tarek F. Abdelzaher, Jinghui Chen, Jing
Gao, Quanquan Gu, Manish Gupta, Jiawei Han, Alexander Hinneburg, Thomas Huang,
Nan Li, Huan Liu, Ruoming Jin, Daniel Keim, Arijit Khan, Latifur Khan, Mohammad M.
Masud, Jian Pei, Magda Procopiuc, Guojun Qi, Chandan Reddy, Saket Sathe, Jaideep Sri-
vastava, Karthik Subbian, Yizhou Sun, Jiliang Tang, Min-Hsuan Tsai, Haixun Wang, Jiany-
ong Wang, Min Wang, Suhang Wang, Joel Wolf, Xifeng Yan, Mohammed Zaki, ChengXiang
Zhai, and Peixiang Zhao. I would also like to thank my advisor James B. Orlin for his guid-
ance during my early years as a researcher.

XI
XII ACKNOWLEDGEMENTS

I would like to thank Lata Aggarwal for helping me with some of the figures created
using PowerPoint graphics in this book. My daughter, Sayani, was helpful in incorporating
special effects (e.g., image color, contrast, and blurring) in several JPEG images used at
various places in this book.

Acknowledgements for the Second Edition


The chapter on graph neural networks benefited from collaborations with Jiliang Tang,
Lingfei Wu, and Suhang Wang. Shuiwang Ji, Meng Liu, and Hongyang Gao provided de-
tailed comments on the chapter on graph neural networks as well as other parts of the book.
Zhengyang Wang and Shuiwang Ji provided feedback on the new section on transformer
networks. Yao Ma and Jiliang Tang provided the permission to use Figure 10.3. Yao Ma also
provided detailed comments on the chapter on graph neural networks. Sharmishtha Dutta,
a PhD student at RPI, proofread Chapter 10, and also pointed out the sections that needed
further clarity. My manager, Horst Samulowitz, provided support during the writing of the
second edition of this book.
Contents

1 An Introduction to Neural Networks 1


1.1 Introduction . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 1
1.2 Single Computational Layer: The Perceptron . . . . . . . . . . . . . . . . 5
1.2.1 Use of Bias . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 8
1.2.2 What Objective Function Is the Perceptron Optimizing? . . . . 8
1.3 The Base Components of Neural Architectures . . . . . . . . . . . . . . . 10
1.3.1 Choice of Activation Function . . . . . . . . . . . . . . . . . . . 10
1.3.2 Softmax Activation Function . . . . . . . . . . . . . . . . . . . . 12
1.3.3 Common Loss Functions . . . . . . . . . . . . . . . . . . . . . . 13
1.4 Multilayer Neural Networks . . . . . . . . . . . . . . . . . . . . . . . . . . 13
1.4.1 The Multilayer Network as a Computational Graph . . . . . . . 15
1.5 The Importance of Nonlinearity . . . . . . . . . . . . . . . . . . . . . . . 17
1.5.1 Nonlinear Activations in Action . . . . . . . . . . . . . . . . . . 18
1.6 Advanced Architectures and Structured Data . . . . . . . . . . . . . . . . 20
1.7 Two Notable Benchmarks . . . . . . . . . . . . . . . . . . . . . . . . . . . 21
1.7.1 The MNIST Database of Handwritten Digits . . . . . . . . . . . 21
1.7.2 The ImageNet Database . . . . . . . . . . . . . . . . . . . . . . 22
1.8 Summary . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 23
1.9 Bibliographic Notes and Software Resources . . . . . . . . . . . . . . . . . 23
1.10 Exercises . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 25

2 The Backpropagation Algorithm 29


2.1 Introduction . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 29
2.2 The Computational Graph Abstraction . . . . . . . . . . . . . . . . . . . 30
2.2.1 Computational Graphs Create Complex Functions . . . . . . . . 31
2.3 Backpropagation in Computational Graphs . . . . . . . . . . . . . . . . . 33
2.3.1 Computing Node-to-Node Derivatives with the Chain Rule . . . 34
2.3.2 Dynamic Programming for Computing Node-to-Node
Derivatives . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 38
2.3.3 Converting Node-to-Node Derivatives into Loss-to-Weight
Derivatives . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 42

XIII
XIV CONTENTS

2.4 Backpropagation in Neural Networks . . . . . . . . . . . . . . . . . . . . . 44


2.4.1 Some Useful Derivatives of Activation Functions . . . . . . . . . 46
2.4.2 Examples of Updates for Various Activations . . . . . . . . . . . 48
2.5 The Vector-Centric View of Backpropagation . . . . . . . . . . . . . . . . 50
2.5.1 Derivatives with Respect to Vectors . . . . . . . . . . . . . . . . 51
2.5.2 Vector-Centric Chain Rule . . . . . . . . . . . . . . . . . . . . . 51
2.5.3 A Decoupled View of Vector-Centric Backpropagation . . . . . . 52
2.5.4 Vector-Centric Backpropagation with Non-Layered
Architectures . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 57
2.6 The Not-So-Unimportant Details . . . . . . . . . . . . . . . . . . . . . . . 58
2.6.1 Mini-Batch Stochastic Gradient Descent . . . . . . . . . . . . . 58
2.6.2 Learning Rate Decay . . . . . . . . . . . . . . . . . . . . . . . . 60
2.6.3 Checking the Correctness of Gradient Computation . . . . . . . 60
2.6.4 Regularization . . . . . . . . . . . . . . . . . . . . . . . . . . . . 61
2.6.5 Loss Functions on Hidden Nodes . . . . . . . . . . . . . . . . . . 61
2.6.6 Backpropagation Tricks for Handling Shared Weights . . . . . . 62
2.7 Tuning and Preprocessing . . . . . . . . . . . . . . . . . . . . . . . . . . . 62
2.7.1 Tuning Hyperparameters . . . . . . . . . . . . . . . . . . . . . . 63
2.7.2 Feature Preprocessing . . . . . . . . . . . . . . . . . . . . . . . . 64
2.7.3 Initialization . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 66
2.8 Backpropagation Is Interpretable . . . . . . . . . . . . . . . . . . . . . . . 67
2.9 Summary . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 67
2.10 Bibliographic Notes and Software Resources . . . . . . . . . . . . . . . . . 68
2.11 Exercises . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 68

3 Machine Learning with Shallow Neural Networks 73


3.1 Introduction . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 73
3.2 Neural Architectures for Binary Classification Models . . . . . . . . . . . 75
3.2.1 Revisiting the Perceptron . . . . . . . . . . . . . . . . . . . . . . 75
3.2.2 Least-Squares Regression . . . . . . . . . . . . . . . . . . . . . . 76
3.2.2.1 Widrow-Hoff Learning . . . . . . . . . . . . . . . . . . 78
3.2.2.2 Closed Form Solutions . . . . . . . . . . . . . . . . . . 79
3.2.3 Support Vector Machines . . . . . . . . . . . . . . . . . . . . . . 79
3.2.4 Logistic Regression . . . . . . . . . . . . . . . . . . . . . . . . . 81
3.2.5 Comparison of Different Models . . . . . . . . . . . . . . . . . . 82
3.3 Neural Architectures for Multiclass Models . . . . . . . . . . . . . . . . . 84
3.3.1 Multiclass Perceptron . . . . . . . . . . . . . . . . . . . . . . . . 84
3.3.2 Weston-Watkins SVM . . . . . . . . . . . . . . . . . . . . . . . . 85
3.3.3 Multinomial Logistic Regression (Softmax Classifier) . . . . . . 86
3.4 Unsupervised Learning with Autoencoders . . . . . . . . . . . . . . . . . 88
3.4.1 Linear Autoencoder with a Single Hidden Layer . . . . . . . . . 89
3.4.1.1 Connections with Singular Value Decomposition . . . 91
3.4.1.2 Sharing Weights in the Encoder and Decoder . . . . . 91
3.4.2 Nonlinear Activation Functions and Depth . . . . . . . . . . . . 92
3.4.3 Application to Visualization . . . . . . . . . . . . . . . . . . . . 93
3.4.4 Application to Outlier Detection . . . . . . . . . . . . . . . . . . 95
3.4.5 Application to Multimodal Embeddings . . . . . . . . . . . . . . 95
3.4.6 Benefits of Autoencoders . . . . . . . . . . . . . . . . . . . . . . 96
3.5 Recommender Systems . . . . . . . . . . . . . . . . . . . . . . . . . . . . 96
CONTENTS XV

3.6 Text Embedding with Word2vec . . . . . . . . . . . . . . . . . . . . . . . 99


3.6.1 Neural Embedding with Continuous Bag of Words . . . . . . . . 100
3.6.2 Neural Embedding with Skip-Gram Model . . . . . . . . . . . . 103
3.6.3 Word2vec (SGNS) is Logistic Matrix Factorization . . . . . . . . 107
3.7 Simple Neural Architectures for Graph Embeddings . . . . . . . . . . . . 110
3.7.1 Handling Arbitrary Edge Counts . . . . . . . . . . . . . . . . . . 111
3.7.2 Beyond One-Hop Structural Models . . . . . . . . . . . . . . . . 112
3.7.3 Multinomial Model . . . . . . . . . . . . . . . . . . . . . . . . . 112
3.8 Summary . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 113
3.9 Bibliographic Notes and Software Resources . . . . . . . . . . . . . . . . . 113
3.10 Exercises . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 114

4 Deep Learning: Principles and Training Algorithms 119


4.1 Introduction . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 119
4.2 Why Is Depth Beneficial? . . . . . . . . . . . . . . . . . . . . . . . . . . . 120
4.2.1 Hierarchical Feature Engineering: How Depth Reveals Rich
Structure . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 120
4.3 Why Is Training Deep Networks Hard? . . . . . . . . . . . . . . . . . . . 122
4.3.1 Geometric Understanding of the Effect of Gradient Ratios . . . 122
4.3.2 The Vanishing and Exploding Gradient Problems . . . . . . . . 124
4.3.3 Cliffs and Valleys . . . . . . . . . . . . . . . . . . . . . . . . . . 126
4.3.4 Convergence Problems with Depth . . . . . . . . . . . . . . . . . 127
4.3.5 Local Minima . . . . . . . . . . . . . . . . . . . . . . . . . . . . 127
4.4 Depth-Friendly Neural Architectures . . . . . . . . . . . . . . . . . . . . . 129
4.4.1 Activation Function Choice . . . . . . . . . . . . . . . . . . . . . 129
4.4.2 Dying Neurons and “Brain Damage” . . . . . . . . . . . . . . . 130
4.4.2.1 Leaky ReLU . . . . . . . . . . . . . . . . . . . . . . . 130
4.4.2.2 Maxout Networks . . . . . . . . . . . . . . . . . . . . 131
4.4.3 Using Skip Connections . . . . . . . . . . . . . . . . . . . . . . . 131
4.5 Depth-Friendly Gradient-Descent Strategies . . . . . . . . . . . . . . . . . 132
4.5.1 Importance of Preprocessing and Initialization . . . . . . . . . . 132
4.5.2 Momentum-Based Learning . . . . . . . . . . . . . . . . . . . . . 133
4.5.3 Nesterov Momentum . . . . . . . . . . . . . . . . . . . . . . . . 134
4.5.4 Parameter-Specific Learning Rates . . . . . . . . . . . . . . . . . 135
4.5.4.1 AdaGrad . . . . . . . . . . . . . . . . . . . . . . . . . 136
4.5.4.2 RMSProp . . . . . . . . . . . . . . . . . . . . . . . . . 136
4.5.4.3 AdaDelta . . . . . . . . . . . . . . . . . . . . . . . . . 137
4.5.5 Combining Parameter-Specific Learning and Momentum . . . . 138
4.5.5.1 RMSProp with Nesterov Momentum . . . . . . . . . . 138
4.5.5.2 Adam . . . . . . . . . . . . . . . . . . . . . . . . . . . 138
4.5.6 Gradient Clipping . . . . . . . . . . . . . . . . . . . . . . . . . . 139
4.5.7 Polyak Averaging . . . . . . . . . . . . . . . . . . . . . . . . . . 139
4.6 Second-Order Derivatives: The Newton Method . . . . . . . . . . . . . . 140
4.6.1 Example: Newton Method in the Quadratic Bowl . . . . . . . . 142
4.6.2 Example: Newton Method in a Non-Quadratic Function . . . . . 142
4.6.3 The Saddle-Point Problem with Second-Order Methods . . . . . 143
4.7 Fast Approximations of Newton Method . . . . . . . . . . . . . . . . . . . 145
4.7.1 Conjugate Gradient Method . . . . . . . . . . . . . . . . . . . . 145
4.7.2 Quasi-Newton Methods and BFGS . . . . . . . . . . . . . . . . . 148
XVI CONTENTS

4.8 Batch Normalization . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 150


4.9 Practical Tricks for Acceleration and Compression . . . . . . . . . . . . . 153
4.9.1 GPU Acceleration . . . . . . . . . . . . . . . . . . . . . . . . . . 154
4.9.2 Parallel and Distributed Implementations . . . . . . . . . . . . . 156
4.9.3 Algorithmic Tricks for Model Compression . . . . . . . . . . . . 157
4.10 Summary . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 160
4.11 Bibliographic Notes and Software Resources . . . . . . . . . . . . . . . . . 160
4.12 Exercises . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 162

5 Teaching Deep Learners to Generalize 165


5.1 Introduction . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 165
5.1.1 Example: Linear Regression . . . . . . . . . . . . . . . . . . . . . 166
5.1.2 Example: Polynomial Regression . . . . . . . . . . . . . . . . . . 167
5.2 The Bias-Variance Trade-Off . . . . . . . . . . . . . . . . . . . . . . . . . 171
5.3 Generalization Issues in Model Tuning and Evaluation . . . . . . . . . . . 174
5.3.1 Evaluating with Hold-Out and Cross-Validation . . . . . . . . . 176
5.3.2 Issues with Training at Scale . . . . . . . . . . . . . . . . . . . . 177
5.3.3 How to Detect Need to Collect More Data . . . . . . . . . . . . 178
5.4 Penalty-Based Regularization . . . . . . . . . . . . . . . . . . . . . . . . . 178
5.4.1 Connections with Noise Injection . . . . . . . . . . . . . . . . . . 179
5.4.2 L1 -Regularization . . . . . . . . . . . . . . . . . . . . . . . . . . 180
5.4.3 L1 - or L2 -Regularization? . . . . . . . . . . . . . . . . . . . . . . 181
5.4.4 Penalizing Hidden Units: Learning Sparse Representations . . . 181
5.5 Ensemble Methods . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 182
5.5.1 Bagging and Subsampling . . . . . . . . . . . . . . . . . . . . . . 182
5.5.2 Parametric Model Selection and Averaging . . . . . . . . . . . . 184
5.5.3 Randomized Connection Dropping . . . . . . . . . . . . . . . . . 184
5.5.4 Dropout . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 185
5.5.5 Data Perturbation Ensembles . . . . . . . . . . . . . . . . . . . . 187
5.6 Early Stopping . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 188
5.6.1 Understanding Early Stopping from the Variance Perspective . . 189
5.7 Unsupervised Pretraining . . . . . . . . . . . . . . . . . . . . . . . . . . . 189
5.7.1 Variations of Unsupervised Pretraining . . . . . . . . . . . . . . 192
5.7.2 What About Supervised Pretraining? . . . . . . . . . . . . . . . 193
5.8 Continuation and Curriculum Learning . . . . . . . . . . . . . . . . . . . 194
5.9 Parameter Sharing . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 196
5.10 Regularization in Unsupervised Applications . . . . . . . . . . . . . . . . 197
5.10.1 When the Hidden Layer is Broader than the Input Layer . . . . 197
5.10.1.1 Sparse Feature Learning . . . . . . . . . . . . . . . . . 198
5.10.2 Noise Injection: De-noising Autoencoders . . . . . . . . . . . . . 198
5.10.3 Gradient-Based Penalization: Contractive Autoencoders . . . . . 199
5.10.4 Hidden Probabilistic Structure: Variational Autoencoders . . . . 203
5.10.4.1 Reconstruction and Generative Sampling . . . . . . . 206
5.10.4.2 Conditional Variational Autoencoders . . . . . . . . . 208
5.10.4.3 Relationship with Generative Adversarial Networks . 208
5.11 Summary . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 209
5.12 Bibliographic Notes and Software Resources . . . . . . . . . . . . . . . . . 210
5.13 Exercises . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 211
CONTENTS XVII

6 Radial Basis Function Networks 215


6.1 Introduction . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 215
6.2 Training an RBF Network . . . . . . . . . . . . . . . . . . . . . . . . . . . 218
6.2.1 Training the Hidden Layer . . . . . . . . . . . . . . . . . . . . . 218
6.2.2 Training the Output Layer . . . . . . . . . . . . . . . . . . . . . 220
6.2.3 Iterative Construction of Hidden Layer . . . . . . . . . . . . . . 221
6.2.4 Fully Supervised Learning of Hidden Layer . . . . . . . . . . . . 222
6.3 Variations and Special Cases of RBF Networks . . . . . . . . . . . . . . . 223
6.3.1 Classification with Perceptron Criterion . . . . . . . . . . . . . . 224
6.3.2 Classification with Hinge Loss . . . . . . . . . . . . . . . . . . . 224
6.3.3 Example of Linear Separability Promoted by RBF . . . . . . . . 224
6.3.4 Application to Interpolation . . . . . . . . . . . . . . . . . . . . 226
6.4 Relationship with Kernel Methods . . . . . . . . . . . . . . . . . . . . . . 227
6.4.1 Kernel Regression Is a Special Case of RBF Networks . . . . . . 227
6.4.2 Kernel SVM Is a Special Case of RBF Networks . . . . . . . . . 228
6.5 Summary . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 229
6.6 Bibliographic Notes and Software Resources . . . . . . . . . . . . . . . . . 229
6.7 Exercises . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 229

7 Restricted Boltzmann Machines 231


7.1 Introduction . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 231
7.2 Hopfield Networks . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 232
7.2.1 Training a Hopfield Network . . . . . . . . . . . . . . . . . . . . 235
7.2.2 Building a Toy Recommender and Its Limitations . . . . . . . . 236
7.2.3 Increasing the Expressive Power of the Hopfield Network . . . . 237
7.3 The Boltzmann Machine . . . . . . . . . . . . . . . . . . . . . . . . . . . 238
7.3.1 How a Boltzmann Machine Generates Data . . . . . . . . . . . . 240
7.3.2 Learning the Weights of a Boltzmann Machine . . . . . . . . . . 240
7.4 Restricted Boltzmann Machines . . . . . . . . . . . . . . . . . . . . . . . 242
7.4.1 Training the RBM . . . . . . . . . . . . . . . . . . . . . . . . . . 244
7.4.2 Contrastive Divergence Algorithm . . . . . . . . . . . . . . . . . 245
7.5 Applications of Restricted Boltzmann Machines . . . . . . . . . . . . . . 247
7.5.1 Dimensionality Reduction and Data Reconstruction . . . . . . . 247
7.5.2 RBMs for Collaborative Filtering . . . . . . . . . . . . . . . . . 249
7.5.3 Using RBMs for Classification . . . . . . . . . . . . . . . . . . . 252
7.5.4 Topic Models with RBMs . . . . . . . . . . . . . . . . . . . . . . 254
7.5.5 RBMs for Machine Learning with Multimodal Data . . . . . . . 256
7.6 Using RBMs beyond Binary Data Types . . . . . . . . . . . . . . . . . . 258
7.7 Stacking Restricted Boltzmann Machines . . . . . . . . . . . . . . . . . . 258
7.7.1 Unsupervised Learning . . . . . . . . . . . . . . . . . . . . . . . 261
7.7.2 Supervised Learning . . . . . . . . . . . . . . . . . . . . . . . . . 261
7.7.3 Deep Boltzmann Machines and Deep Belief Networks . . . . . . 261
7.8 Summary . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 262
7.9 Bibliographic Notes and Software Resources . . . . . . . . . . . . . . . . . 262
7.10 Exercises . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 264
XVIII CONTENTS

8 Recurrent Neural Networks 265


8.1 Introduction . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 265
8.2 The Architecture of Recurrent Neural Networks . . . . . . . . . . . . . . 267
8.2.1 Language Modeling Example of RNN . . . . . . . . . . . . . . . 270
8.2.2 Backpropagation Through Time . . . . . . . . . . . . . . . . . . 273
8.2.3 Bidirectional Recurrent Networks . . . . . . . . . . . . . . . . . 275
8.2.4 Multilayer Recurrent Networks . . . . . . . . . . . . . . . . . . . 277
8.3 The Challenges of Training Recurrent Networks . . . . . . . . . . . . . . 278
8.3.1 Layer Normalization . . . . . . . . . . . . . . . . . . . . . . . . . 281
8.4 Echo-State Networks . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 282
8.5 Long Short-Term Memory (LSTM) . . . . . . . . . . . . . . . . . . . . . 285
8.6 Gated Recurrent Units (GRUs) . . . . . . . . . . . . . . . . . . . . . . . . 287
8.7 Applications of Recurrent Neural Networks . . . . . . . . . . . . . . . . . 289
8.7.1 Contextualized Word Embeddings with ELMo . . . . . . . . . . 290
8.7.2 Application to Automatic Image Captioning . . . . . . . . . . . 291
8.7.3 Sequence-to-Sequence Learning and Machine Translation . . . . 292
8.7.4 Application to Sentence-Level Classification . . . . . . . . . . . . 295
8.7.5 Token-Level Classification with Linguistic Features . . . . . . . 296
8.7.6 Time-Series Forecasting and Prediction . . . . . . . . . . . . . . 297
8.7.7 Temporal Recommender Systems . . . . . . . . . . . . . . . . . 299
8.7.8 Secondary Protein Structure Prediction . . . . . . . . . . . . . . 301
8.7.9 End-to-End Speech Recognition . . . . . . . . . . . . . . . . . . 301
8.7.10 Handwriting Recognition . . . . . . . . . . . . . . . . . . . . . . 301
8.8 Summary . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 302
8.9 Bibliographic Notes and Software Resources . . . . . . . . . . . . . . . . . 302
8.10 Exercises . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 303

9 Convolutional Neural Networks 305


9.1 Introduction . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 305
9.1.1 Historical Perspective and Biological Inspiration . . . . . . . . . 305
9.1.2 Broader Observations about Convolutional Neural Networks . . 306
9.2 The Basic Structure of a Convolutional Network . . . . . . . . . . . . . . 307
9.2.1 Padding . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 312
9.2.2 Strides . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 313
9.2.3 The ReLU Layer . . . . . . . . . . . . . . . . . . . . . . . . . . . 315
9.2.4 Pooling . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 315
9.2.5 Fully Connected Layers . . . . . . . . . . . . . . . . . . . . . . . 317
9.2.6 The Interleaving between Layers . . . . . . . . . . . . . . . . . . 317
9.2.7 Hierarchical Feature Engineering . . . . . . . . . . . . . . . . . . 320
9.3 Training a Convolutional Network . . . . . . . . . . . . . . . . . . . . . . 321
9.3.1 Backpropagating Through Convolutions . . . . . . . . . . . . . . 321
9.3.2 Backpropagation as Convolution with Inverted/Transposed
Filter . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 322
9.3.3 Convolution/Backpropagation as Matrix Multiplications . . . . 324
9.3.4 Data Augmentation . . . . . . . . . . . . . . . . . . . . . . . . . 326
9.4 Case Studies of Convolutional Architectures . . . . . . . . . . . . . . . . . 326
9.4.1 AlexNet . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 327
9.4.2 ZFNet . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 329
9.4.3 VGG . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 330
CONTENTS XIX

9.4.4 GoogLeNet . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 333


9.4.5 ResNet . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 335
9.4.6 Squeeze-and-Excitation Networks (SENets) . . . . . . . . . . . . 338
9.4.7 The Effects of Depth . . . . . . . . . . . . . . . . . . . . . . . . 339
9.4.8 Pretrained Models . . . . . . . . . . . . . . . . . . . . . . . . . . 340
9.5 Visualization and Unsupervised Learning . . . . . . . . . . . . . . . . . . 341
9.5.1 Visualizing the Features of a Trained Network . . . . . . . . . . 341
9.5.2 Convolutional Autoencoders . . . . . . . . . . . . . . . . . . . . 347
9.6 Applications of Convolutional Networks . . . . . . . . . . . . . . . . . . . 351
9.6.1 Content-Based Image Retrieval . . . . . . . . . . . . . . . . . . . 352
9.6.2 Object Localization . . . . . . . . . . . . . . . . . . . . . . . . . 352
9.6.3 Object Detection . . . . . . . . . . . . . . . . . . . . . . . . . . . 354
9.6.4 Natural Language and Sequence Learning with TextCNN . . . . 355
9.6.5 Video Classification . . . . . . . . . . . . . . . . . . . . . . . . . 355
9.7 Summary . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 356
9.8 Bibliographic Notes and Software Resources . . . . . . . . . . . . . . . . . 356
9.9 Exercises . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 359

10 Graph Neural Networks 361


10.1 Introduction . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 361
10.2 Node Embeddings with Conventional
Architectures . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 362
10.2.1 Adjacency Matrix Representation and Feature Engineering . . . 364
10.3 Graph Neural Networks: The General Framework . . . . . . . . . . . . . 364
10.3.1 The Neighborhood Function . . . . . . . . . . . . . . . . . . . . 368
10.3.2 Graph Convolution Function . . . . . . . . . . . . . . . . . . . . 368
10.3.3 GraphSAGE . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 369
10.3.4 Handling Edge Weights . . . . . . . . . . . . . . . . . . . . . . . 371
10.3.5 Handling New Vertices . . . . . . . . . . . . . . . . . . . . . . . 371
10.3.6 Handling Relational Networks . . . . . . . . . . . . . . . . . . . 372
10.3.7 Directed Graphs . . . . . . . . . . . . . . . . . . . . . . . . . . . 373
10.3.8 Gated Graph Neural Networks . . . . . . . . . . . . . . . . . . . 373
10.3.9 Comparison with Image Convolutional Networks . . . . . . . . . 374
10.4 Backpropagation in Graph Neural Networks . . . . . . . . . . . . . . . . 375
10.5 Beyond Nodes: Generating Graph-Level
Models . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 377
10.6 Applications of Graph Neural Networks . . . . . . . . . . . . . . . . . . . 382
10.7 Summary . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 384
10.8 Bibliographic Notes and Software Resources . . . . . . . . . . . . . . . . . 384
10.9 Exercises . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 385

11 Deep Reinforcement Learning 389


11.1 Introduction . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 389
11.2 Stateless Algorithms: Multi-Armed Bandits . . . . . . . . . . . . . . . . . 391
11.3 The Basic Framework of Reinforcement Learning . . . . . . . . . . . . . . 393
11.4 Monte Carlo Sampling . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 395
11.4.1 Monte Carlo Sampling Algorithm . . . . . . . . . . . . . . . . . 395
11.4.2 Monte Carlo Rollouts with Function Approximators . . . . . . . 396
XX CONTENTS

11.5 Bootstrapping for Value Function Learning . . . . . . . . . . . . . . . . . 398


11.5.1 Q-Learning . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 399
11.5.2 Deep Learning Models as Function Approximators . . . . . . . . 400
11.5.3 Example: Neural Network Specifics for Video Game Setting . . . 403
11.5.4 On-Policy versus Off-Policy Methods: SARSA . . . . . . . . . . 404
11.5.5 Modeling States versus State-Action Pairs . . . . . . . . . . . . 405
11.6 Policy Gradient Methods . . . . . . . . . . . . . . . . . . . . . . . . . . . 407
11.6.1 Finite Difference Methods . . . . . . . . . . . . . . . . . . . . . . 408
11.6.2 Likelihood Ratio Methods . . . . . . . . . . . . . . . . . . . . . 409
11.6.3 Actor-Critic Methods . . . . . . . . . . . . . . . . . . . . . . . . 411
11.6.4 Continuous Action Spaces . . . . . . . . . . . . . . . . . . . . . 413
11.7 Monte Carlo Tree Search . . . . . . . . . . . . . . . . . . . . . . . . . . . 413
11.8 Case Studies . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 415
11.8.1 AlphaGo and AlphaZero for Go and Chess . . . . . . . . . . . . 415
11.8.2 Self-Learning Robots . . . . . . . . . . . . . . . . . . . . . . . . 420
11.8.2.1 Deep Learning of Locomotion Skills . . . . . . . . . . 420
11.8.2.2 Deep Learning of Visuomotor Skills . . . . . . . . . . 422
11.8.3 Building Conversational Systems: Deep Learning for Chatbots . 423
11.8.4 Self-Driving Cars . . . . . . . . . . . . . . . . . . . . . . . . . . 425
11.8.5 Neural Architecture Search with Reinforcement Learning . . . . 428
11.9 Practical Challenges Associated with Safety . . . . . . . . . . . . . . . . . 429
11.10 Summary . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 429
11.11 Bibliographic Notes and Software Resources . . . . . . . . . . . . . . . . . 430
11.12 Exercises . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 432

12 Advanced Topics in Deep Learning 435


12.1 Introduction . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 435
12.2 Attention Mechanisms . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 436
12.2.1 Recurrent Models of Visual Attention . . . . . . . . . . . . . . . 437
12.2.2 Attention Mechanisms for Image Captioning . . . . . . . . . . . 439
12.2.3 Soft Image Attention with Spatial Transformer . . . . . . . . . . 440
12.2.4 Attention Mechanisms for Machine Translation . . . . . . . . . . 442
12.2.5 Transformer Networks . . . . . . . . . . . . . . . . . . . . . . . . 446
12.2.5.1 How Self Attention Helps . . . . . . . . . . . . . . . . 446
12.2.5.2 The Self-Attention Module . . . . . . . . . . . . . . . 447
12.2.5.3 Incorporating Positional Information . . . . . . . . . . 449
12.2.5.4 The Sequence-to-Sequence Transformer . . . . . . . . 450
12.2.5.5 Multihead Attention . . . . . . . . . . . . . . . . . . . 450
12.2.6 Transformer-Based Pre-trained Language Models . . . . . . . . 451
12.2.6.1 GPT-n . . . . . . . . . . . . . . . . . . . . . . . . . . 452
12.2.6.2 BERT . . . . . . . . . . . . . . . . . . . . . . . . . . . 454
12.2.6.3 T5 . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 455
12.2.7 Vision Transformer (ViT) . . . . . . . . . . . . . . . . . . . . . . 457
12.2.8 Attention Mechanisms in Graphs . . . . . . . . . . . . . . . . . . 458
12.3 Neural Turing Machines . . . . . . . . . . . . . . . . . . . . . . . . . . . . 459
12.4 Adversarial Deep Learning . . . . . . . . . . . . . . . . . . . . . . . . . . 463
12.5 Generative Adversarial Networks (GANs) . . . . . . . . . . . . . . . . . . 467
12.5.1 Training a Generative Adversarial Network . . . . . . . . . . . . 468
12.5.2 Comparison with Variational Autoencoder . . . . . . . . . . . . 470
CONTENTS XXI

12.5.3 Using GANs for Generating Image Data . . . . . . . . . . . . . 470


12.5.4 Conditional Generative Adversarial Networks . . . . . . . . . . . 471
12.6 Competitive Learning . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 476
12.6.1 Vector Quantization . . . . . . . . . . . . . . . . . . . . . . . . . 477
12.6.2 Kohonen Self-Organizing Map . . . . . . . . . . . . . . . . . . . 478
12.7 Limitations of Neural Networks . . . . . . . . . . . . . . . . . . . . . . . . 480
12.7.1 An Aspirational Goal: Few Shot Learning . . . . . . . . . . . . . 481
12.7.2 An Aspirational Goal: Energy-Efficient Learning . . . . . . . . . 482
12.8 Summary . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 483
12.9 Bibliographic Notes and Software Resources . . . . . . . . . . . . . . . . . 483
12.10 Exercises . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 485

Bibliography 487

Index 525
Author Biography

Charu C. Aggarwal is a Distinguished Research Staff Member (DRSM) at the IBM T. J.


Watson Research Center in Yorktown Heights, New York. He completed his undergraduate
degree in Computer Science from the Indian Institute of Technology at Kanpur in 1993 and
his Ph.D. from the Massachusetts Institute of Technology in 1996.
He has worked extensively in the field of data mining. He
has published more than 400 papers in refereed conferences and
journals and authored over 80 patents. He is the author or editor
of 20 books, including textbooks on data mining, recommender
systems, and outlier analysis. Because of the commercial value
of his patents, he has thrice been designated a Master Inventor
at IBM. He is a recipient of an IBM Corporate Award (2003)
for his work on bio-terrorist threat detection in data streams, a
recipient of the IBM Outstanding Innovation Award (2008) for
his scientific contributions to privacy technology, and a recipient
of two IBM Outstanding Technical Achievement Awards (2009,
2015) for his work on data streams/high-dimensional data. He received the EDBT 2014 Test
of Time Award for his work on condensation-based privacy-preserving data mining. He is
a recipient of the IEEE ICDM Research Contributions Award (2015) and ACM SIGKDD
Innovation Award, which are the two most prestigious awards for influential research con-
tributions in the field of data mining. He is also a recipient of the W. Wallace McDowell
Award, which is the highest award given solely by the IEEE Computer Society across the
field of Computer Science.
He has served as the general co-chair of the IEEE Big Data Conference (2014) and as
the program co-chair of the ACM CIKM Conference (2015), the IEEE ICDM Conference
(2015), and the ACM KDD Conference (2016). He served as an associate editor of the IEEE
Transactions on Knowledge and Data Engineering from 2004 to 2008. He is an associate
editor of the IEEE Transactions on Big Data, an action editor of the Data Mining and
Knowledge Discovery Journal, and an associate editor of the Knowledge and Information
Systems Journal. He has served or currently serves as the editor-in-chief of the ACM Trans-
actions on Knowledge Discovery from Data as well as the ACM SIGKDD Explorations. He
is also an editor-in-chief of ACM Books. He serves on the advisory board of the Lecture
Notes on Social Networks, a publication by Springer. He has served as the vice-president of

XXIII
XXIV AUTHOR BIOGRAPHY

the SIAM Activity Group on Data Mining and is a member of the SIAM industry committee.
He received the ACM SIGKDD Service Award for the aforem3entioned contributions to
running conferences and journals— this honor is the most prestigious award for services to
the field of data mining. He is a fellow of the SIAM, ACM, and the IEEE, for “contributions
to knowledge discovery and data mining algorithms.”
Chapter 1

An Introduction to Neural Networks

“Thou shalt not make a machine to counterfeit a human mind.”–Frank Herbert

1.1 Introduction
Artificial neural networks are popular machine learning techniques that simulate the mech-
anism of learning in biological organisms. The human nervous system contains cells, which
are referred to as neurons. The neurons are connected to one another with the use of ax-
ons and dendrites, and the connecting regions between axons and dendrites are referred to
as synapses. These connections are illustrated in Figure 1.1(a). The strengths of synaptic
connections often change in response to external stimuli. This change is how learning takes
place in living organisms.
This biological mechanism is simulated in artificial neural networks, which contain com-
putation units that are referred to as neurons. Throughout this book, we will use the term
“neural networks” to refer to artificial neural networks rather than biological ones. The
computational units are connected to one another through weights, which serve the same
role as the strengths of synaptic connections in biological organisms. Each input to a neuron
is scaled with a weight, which affects the function computed at that unit. This architecture
is illustrated in Figure 1.1(b). An artificial neural network computes a function of the inputs
by propagating the computed values from the input neurons to the output neuron(s) and
using the weights as intermediate parameters. Learning occurs by changing the weights con-
necting the neurons. Just as external stimuli are needed for learning in biological organisms,
the external stimulus in artificial neural networks is provided by the training data contain-
ing examples of input-output pairs of the function to be learned. For example, the training
data might contain pixel representations of images (input) and their annotated labels (e.g.,
carrot, banana) as the output. These training data pairs are fed into the neural network by
using the input representations to make predictions about the output labels. The training
data provides feedback to the correctness of the weights in the neural network depending
on how well the predicted output (e.g., probability of carrot) for a particular input matches

© Springer Nature Switzerland AG 2023 1


C. C. Aggarwal, Neural Networks and Deep Learning,
https://doi.org/10.1007/978-3-031-29642-0 1
2 CHAPTER 1. AN INTRODUCTION TO NEURAL NETWORKS

w1
w2
w3 NEURON AXON

w4
w5
DENDRITES WITH
SYNAPTIC WEIGHTS

(a) Biological neural network (b) Artificial neural network

Figure 1.1: The synaptic connections between neurons. The image in (a) is from “The Brain:
Understanding Neurobiology Through the Study of Addiction [621].” Copyright 2000c by
BSCS & Videodiscovery. All rights reserved. Used with permission.

the annotated output label in the training data. One can view the errors made by the neural
network in the computation of a function as a kind of unpleasant feedback in a biological
organism, leading to an adjustment in the synaptic strengths. Similarly, the weights between
neurons are adjusted in a neural network in response to prediction errors. The goal of chang-
ing the weights is to modify the computed function to make the predictions more correct in
future iterations. Therefore, the weights are changed carefully in a mathematically justified
way so as to reduce the error in computation on that example. By successively adjusting
the weights between neurons over many input-output pairs, the function computed by the
neural network is refined over time so that it provides more accurate predictions. Therefore,
if the neural network is trained with many different images of bananas, it will eventually
be able to properly recognize a banana in an image it has not seen before. This ability to
accurately compute functions of unseen inputs by training over a finite set of input-output
pairs is referred to as model generalization. The primary usefulness of all machine learning
models is gained from their ability to generalize their learning from seen training data to
unseen examples.
The biological comparison is often criticized as a very poor caricature of the workings
of the human brain; nevertheless, the principles of neuroscience have often been useful in
designing neural network architectures. A different view is that neural networks are built
as higher-level abstractions of the classical models that are commonly used in machine
learning. In fact, the most basic units of computation in the neural network are inspired by
traditional machine learning algorithms like least-squares regression and logistic regression.
Neural networks gain their power by putting together many such basic units, and learning
the weights of the different units jointly in order to minimize the prediction error. From
this point of view, a neural network can be viewed as a computational graph of elementary
units in which greater power is gained by connecting them in particular ways. When a neural
network is used in its most basic form, without hooking together multiple units, the learning
algorithms often reduce to classical machine learning models (see Chapter 3). The real power
of a neural model over classical methods is unleashed when these elementary computational
units are combined. By combining multiple units, one is increasing the power of the model
to learn more complicated functions of the data than are inherent in the elementary models
of basic machine learning. The way in which these units are combined also plays a role in the
power of the architecture, and requires some understanding and insight from the analyst.
1.1. INTRODUCTION 3

Humans versus Computers: Stretching the Limits of Artificial In-


telligence
Humans and computers are inherently suited to different types of tasks. For example, com-
puting the cube root of a large number is very easy for a computer, but it is extremely
difficult for humans. On the other hand, a task such as recognizing the objects in an image
is a simple matter for a human, but has traditionally been very difficult for an automated
learning algorithm. It is only in recent years that deep learning has shown an accuracy on
some of these tasks that exceeds that of a human. In fact, the recent results by deep learning
algorithms that surpass human performance [194] in (some narrow tasks on) image recog-
nition would not have been considered likely by most computer vision experts as recently
as 20 years ago.
Many neural networks that have shown such extraordinary performance by connecting
computational units in careful ways with a deep architecture. This performance mirrors
the fact that biological neural networks gain much of their power from depth and careful
connectivity as well. Unfortunately, biological networks are connected in ways we do not
fully understand. In the few cases that the biological structure is understood at some level,
significant breakthroughs have been achieved by designing artificial neural networks along
those lines. A classical example of this type of architecture is the use of the convolutional
neural network for image recognition. This architecture was inspired by Hubel and Wiesel’s
experiments [223] in 1959 on the organization of the neurons in the cat’s visual cortex. The
precursor to the convolutional neural network was the neocognitron [132], which was directly
based on these results.
The human neuronal connection structure has evolved over millions of years to optimize
survival-driven performance; survival is closely related to our ability to merge sensation and
intuition in a way that is currently not possible with machines. Biological neuroscience [242]
is a field that is still very much in its infancy, and only a limited amount is known about
how the brain truly works. Therefore, it is fair to suggest that the biologically inspired
success of convolutional neural networks might be replicated in other settings, as we learn
more about how the human brain works [186].
A large part of the recent success of neural networks is explained by the fact that the
increased data availability and computational power of modern computers has outgrown
the limits of traditional machine learning algorithms, which fail to take full advantage
of what is now possible. This situation is illustrated in Figure 1.2. The performance of
traditional machine learning remains better at times for smaller data sets because of more

DEEP LEARNING
ACCURACY

CONVENTIONAL
MACHINE LEARNING

AMOUNT OF DATA

Figure 1.2: An illustrative comparison of the accuracy of a typical machine learning al-
gorithm with that of a large neural network. Recent years have seen an increase in data
availability and computational power, which has led to a “Cambrian explosion” in deep
learning technology.
4 CHAPTER 1. AN INTRODUCTION TO NEURAL NETWORKS

choices, greater ease of model interpretation, and the tendency to hand-craft interpretable
features that incorporate domain-specific insights. With limited data, the best of a very
wide diversity of models in machine learning will usually perform better than a single class
of models (like neural networks). This is one reason why the potential of neural networks
was not realized in the early years.
The “big data” era has been enabled by the advances in data collection technology; vir-
tually everything we do today, including purchasing an item, using the phone, or clicking on
a site, is collected and stored somewhere. Furthermore, the development of powerful Graph-
ics Processor Units (GPUs) has enabled increasingly efficient processing on such large data
sets. These advances largely explain the recent success of deep learning using algorithms
that are only slightly adjusted from the versions that were available two decades back.
Furthermore, these recent adjustments to the algorithms have been enabled by increased
speed of computation, because reduced run-times enable efficient testing (and subsequent
algorithmic adjustment). If it requires a month to test an algorithm, at most twelve varia-
tions can be tested in an year on a single hardware platform. This situation has historically
constrained the intensive experimentation required for tweaking neural-network learning
algorithms. The rapid advances associated with the three pillars of improved data, compu-
tation, and experimentation have resulted in an increasingly optimistic outlook about the
future of deep learning. By the end of this century, it is expected that computers will have
the power to train neural networks with as many neurons as the human brain. Although
it is hard to predict what the true capabilities of artificial intelligence will be by then, our
experience with computer vision should prepare us to expect the unexpected.

Chapter Organization
This chapter is organized as follows. The next section introduces single-layer and multi-
layer networks. The different components of neural networks are discussed in section 1.3.
Multilayer neural networks are introduced in section 1.4. The importance of nonlinearity is
discussed in section 1.5. Advanced topics in deep learning are discussed in section 1.6. Some
notable benchmarks used by the deep learning community are discussed in section 1.7. A
summary is provided in section 1.8.

The Basic Idea of Neural Networks


All neural networks compute functions from input nodes to output nodes. Each node has
a variable inside it which is the result of a function computation or is fixed externally (in
case of input nodes). A neural network is structured as a directed acyclic graph. The edges
of the neural network are parameterized with weights, so that the functions computed at
individual nodes are affected by the weights of the incoming edges as well as the variables
in the nodes at the tails of these edges. The overall function computed by a network is
result of cascading function computations at individual nodes; by setting the weights on the
edges appropriately, one can compute almost any function from the input to the output. In
a single-layer network, a set of inputs is directly connected to one or more output nodes,
and the output nodes compute a function of their inputs and the weights on the edges. In
multi-layer neural networks, the neurons are arranged in layered fashion, in which the input
and output layers are separated by a group of hidden layers of nodes.
The goal of a neural network is to learn a function that relates one or more inputs to one
or more outputs with the use of training examples. In other words, we only have examples
of inputs and outputs, and the neural network “constructs” a function that relates the
1.2. SINGLE COMPUTATIONAL LAYER: THE PERCEPTRON 5

inputs to the outputs. This “construction” is achieved by setting the weights on the edges
in such a way that the computations from inputs to outputs in the neural network match
the observed data. Setting the edge weights in a data-driven manner is at the heart of all
neural network learning. This process is also referred to as training.
For simplicity, we first consider the case where there are d inputs and a single binary
output drawn from .{−1, +1}. Therefore, each training instance is of the form .(X, y), where
each .X = [x1 , . . . xd ] contains d feature variables, and .y ∈ {−1, +1} contains the observed
value of the binary class variable. By “observed value” we refer to the fact that it is given
to us as a part of the training data, and our goal is to predict the class variable for cases in
which it is not observed. The variable y is referred to as the target variable, and it represents
the all-important property that the machine learning algorithm is trying to predict. In other
words, we want to learn the function .f (·), where we have the following:

y = fW (X)
.

Here, .X corresponds to the feature vector, and .W is a weight vector that needs to be
computed in a data-driven manner in order to “construct” the prediction function. The
function .f (X) has been subscripted with a weight vector to show that it depends on .W as
well. Most machine learning problems reduce to the following optimization problem in one
form or the other:

MinimizeW Mismatching between y and fW (X)


.

The mismatching between predicted and observed values is penalized with the use of a
loss function. For example, in a credit-card fraud detection application, the features in the
vector .X might represent various properties of a credit card transaction (e.g., amount and
type of transaction), and the binary class variable .y ∈ {1, −1} might represent whether
or not this transaction is fraudulent. Clearly, in this type of application, one would have
historical cases in which the class variable is observed (i.e., transactions together with their
fraudulent indicator), and other (current) cases of transactions in which the class variable
has not yet been observed but needs to be predicted. This second type of data is referred
to as the testing data. Therefore, one must first construct the function .f (X) with the use
of the training data (in an indirect way by deriving the weights of the neural network),
and then use this function in order to predict the value of y using this function for cases
in which the target variable y is not known. In the next section, we will discuss a neural
network with a single computational layer that can be trained with this type of data.

1.2 Single Computational Layer: The Perceptron


The simplest neural network is referred to as the perceptron. This neural network contains
a single input layer and an output node. The basic architecture of the perceptron is shown
in Figure 1.3(a). Since the training data has d inputs and a single output, we assume that
the neural network has d inputs denoted by the row vector .X (which is the argument of
the function of to be learned) and a single output y. The input layer contains d nodes that
transmit the d features .x1 . . . xd contained in the row vector .X = [x1 . . . xd ]. We use row
vectors for features (instead of the usual convention of using column vectors) since feature
vectors are often extracted from rows of data matrices. The input layer is incident edges
of weight .w1 . . . wd , contained in the column vector .W = [w1 . . . wd ]T , and all these edges
are incident on a single output node. The input layer does not perform any computation
6 CHAPTER 1. AN INTRODUCTION TO NEURAL NETWORKS

T d
in its own right. The linear function .W · X = i=1 wi xi is computed at the output node.
Subsequently, the sign of this real value is used in order to predict the dependent variable
of .X. Therefore, the prediction .ŷ is computed as follows:

T d
.ŷ = f (X) = sign{W · X } = sign{ wj x j } (1.1)
j=1

The sign function maps a real value to either .+1 or .−1, which is appropriate for binary
classification. Note the circumflex on top of the variable .ŷ to indicate that it is a predicted
value rather than the (original) observed value y. One can already see that the neural
network creates a basic form of the function .f (·) to be learned, although the weights .W are
unknown and need to be inferred in a data-driven manner from the training data. In most
cases, a loss function is to used to quantify a nonzero (positive) cost when the observed
value y of the class variable is different from the predicted value .ŷ. The weights of the neural
network are learned in order to minimize the aggregate loss over all training instances.
Initially, the weights in column vector .W are unknown and they may be set randomly.
As a result, the prediction .ŷ will be random for a given input .X, and it may not match
the observed value y. The goal of the learning process is to use these errors to modify the
weights, so that the neural network predictions become more accurate. Therefore, a neural
network starts with a basic form of the function .f (X) while allowing some ambiguities in
the form of parametrization. By learning the parameters, also referred to as the weights,
one also learns the function computed by the neural network. This is a general principle
in machine learning, where the basic structure of a function relating two or more variables
is chosen, and some parameters are left unspecified. These parameters are then learned in
a data-driven manner, so that the functional relationships between the two variables are
consistent with the observed data. This process requires the formulation of an optimization
problem.
The architecture of the perceptron is shown in Figure 1.3(a), in which a single input
layer transmits the features to the output node. The edges from the input to the output
contain the weights .w1 . . . wd with which the features are multiplied and added at the output
node. Subsequently, the sign function is applied in order to convert the aggregated value
into a class label. The sign function serves the role of an activation function, and we will
see many other examples of this type of function later in this chapter. The value of the
variable in a node in a neural network is also sometimes referred to as an activation. It
is noteworthy that the perceptron contains two layers, although the input layer does not

INPUT NODES INPUT NODES


x1 x1
w1 w1
x2 w2 OUTPUT NODE x2 w2 OUTPUT NODE

w3 w3
x3
w4
∑ y x3
w4
∑ y

x4 x4 w5
w5
b
x5 x5 +1 BIAS NEURON

(a) Perceptron without bias (b) Perceptron with bias

Figure 1.3: The basic architecture of the perceptron


1.2. SINGLE COMPUTATIONAL LAYER: THE PERCEPTRON 7

perform any computation and only transmits the feature values. This is true across all
neural architectures, where the input layer only performs a transmission role. The input
layer is not included in the count of the number of layers in a neural network. Since the
perceptron contains a single computational layer, it is considered a single-layer network.
At the time that the perceptron algorithm was proposed by Rosenblatt [421], the weights
were learned using a heuristic update process with actual hardware circuits, and it was not
presented in terms of a formal notion of optimization of loss functions in machine learning
(as is common today). However, the goal was always to minimize the error in prediction,
even if a formal optimization formulation was not presented. The perceptron algorithm was,
therefore, heuristically designed to minimize the number of misclassifications. The training
algorithm works by feeding each input data instance .X into the network one by one (or in
T
small batches) to create the prediction .ŷ = sign{W · X }. When this prediction is different
from the observed class .y ∈ {−1, +1}, the weights are updated using the error value .(y − ŷ)
so that this error is less likely to occur after the update. Specifically, when the data point
.X is fed into the network, the weight vector .W (which is a column vector) is updated as
follows:
T
.W ⇐ W + α(y − ŷ)X (1.2)

The (heuristic) rationale for the above update is that it always increases the dot product
T
of the weight vector and .X by a quantity proportional to .(y − ŷ), which tends to improve
the prediction for that training instance. The parameter .α regulates the learning rate of the
neural network, although it can be set to 1 in the special case of the perceptron (as it only
scales the weights). The perceptron algorithm repeatedly cycles through all the training
examples in random order and iteratively adjusts the weights until convergence is reached.
A single training data point may be cycled through many times. Each such cycle is referred
to as an epoch.
Since the value of .(y − ŷ) ∈ {−2, 0, +2} is always equal to 2y in cases where .y = ŷ, one
can write the perceptron update as follows:

T
W ⇐ W + αyX
. (1.3)

Note that a factor of 2 has been absorbed in the learning rate, and the update is only
performed for examples where .y = ŷ. For correctly classified training instances, no update
is performed.
The type of model proposed in the perceptron is a linear model, in which the equation
T
.W · X = 0 defines a linear hyperplane. Here, .W = [w1 . . . wd ]T is a d-dimensional vector
T
that is perpendicular to this hyperplane. Furthermore, the value of .W · X is positive for
values of values of .X on one side of the hyperplane, and it is negative for values of .X on the
other side. This type of model performs particularly well when the data is linearly separable.
Linear separability refers to the case in which the two classes can be separated with a linear
hyperplane. Examples of linearly separable and inseparable data are shown in Figure 1.4. In
linearly separable cases, a weight vector .W can always be found by the perceptron algorithm
T
for which the sign of .W · X i matches .yi for each training instance. It has been shown [421]
that the perceptron algorithm always converges to provide zero error on the training data
when the data are linearly separable. However, the perceptron algorithm is not guaranteed
to converge in instances where the data are not linearly separable.
8 CHAPTER 1. AN INTRODUCTION TO NEURAL NETWORKS

W XT = 0
LINEARLY SEPARABLE NOT LINEARLY SEPARABLE

Figure 1.4: Examples of linearly separable and inseparable data in two classes

1.2.1 Use of Bias


In many settings, there is an invariant part of the prediction, which is referred to as the
bias. For example, consider a setting in which the feature variables are mean centered, but
the mean of the binary class prediction from .{−1, +1} is not 0. This will tend to occur in
situations in which the binary class distribution is highly imbalanced. In such a case, the
aforementioned approach is not sufficient for prediction since the different training points
sum to zero, whereas the class variable do not. This is because adding up all the predictions
over the training points (ignoring the sign operator), we obtain the following undesirable
property:  T 
.W · X i = yi
i i
     
=0 =0

When the differences are large, this model will perform poorly evenon the training data.
We need to incorporate an additional bias variable b that captures the invariant part of the
prediction:
T d
.ŷ = sign{W · X + b} = sign{ wj xj + b} (1.4)
j=1

The bias can be incorporated as the weight of an edge by using a bias neuron. This is
achieved by adding a neuron that always transmits a value of 1 to the output node. The
weight of the edge connecting the bias neuron to the output node provides the bias variable.
An example of a bias neuron is shown in Figure 1.3(b). Another approach that works well
with single-layer architectures is to use a feature engineering trick in which an additional
feature is created with a constant value of 1. The coefficient of this feature provides the bias,
and one can then work with Equation 1.1. Throughout this book, biases will not be explicitly
used (for simplicity in architectural representations) because they can be incorporated with
bias neurons. However, they are often important to use in practice, as the effect on prediction
accuracy can be quite large.

1.2.2 What Objective Function Is the Perceptron Optimizing?


Most machine learning algorithms (including neural networks) can be posed as loss opti-
mization problems, wherein gradient descent updates are used to minimize the loss. The
original perceptron paper by Rosenblatt [421] did not formally propose a loss function.
In those years, these implementations were achieved using actual hardware circuits. The
Another random document with
no related content on Scribd:
THE REASON WHY

I ken the lassie’s winsome,


An’ blithe as she is braw;
But ’tis not worth nor beauty aye
That steal the heart awa’.

Her cheek is like the wild-rose,


Her lips are like the haw;
But neither ane nor t’ither ’twas
That stole my heart awa’.

Her locks are black as midnight,


Her brow like driven snaw;
And yet it was na’ these I vow
That stole my heart awa’.

Her smile is like the sunshine,


’Twad gar an iceberg thaw;
But ’twas na’ this by my guid-faith
That stole my heart awa’.

Ilk lad’s lass the fairest is,


For Beauty kens nae law;
(Though some folk maun be easy pleased
Wha’s hearts are stown awa’!)

Ah weel! maybe the pearl I’ve foun’


Is no wi’out a flaw!
But just because she’s her ain sel’
She stole my heart awa’.
DOWN BY THE SEA

O, mighty organ of a thousand keys,


O’er which the Master’s fingers ever stray!
I, listening, hear a myriad melodies
Played in the space of one short summer day.

The long, low plash of little languid waves,


The sweet, sad dirge of softly dying swell,
The deep, delicious gurglings in the caves,
Hold music that this soul of mine loves well.

Full as the human heart of mysteries,


Like it responsive to His touch alone,
For only He can wake the harmonies
Which sleep within thy bosom and mine own.
A VENTURE

Her mouth looks like a scarlet flower


And I feel like a hungry bee,
I long to dart straight to its heart,
But—what would be the fate of me?

The bravest ’tis should win the prize,


And yet I dare not risk her scorn,
And who but knows the reddest rose
May hide the very sharpest thorn?

Yet who can tell but she might yield


Its sweetness up in one long kiss?
So I, who dare not risk her scorn,
Can risk still less to lose such bliss.

And when she feels my parchèd lips


Athirst with long long years of drouth,
She will forgive me, that I sought
That dewy chalice, her sweet mouth.
WATER LILIES

A fleet of fairy vessels


All freighted with pure gold,
The lilies lie at anchor
On the lake’s breast, calm and cold.

Their soft, white sails, seem waiting


The zephyr’s first faint kiss
To waft them to another world,
More bright and fair than this.

Methinks, it were no marvel,


If I should find, one day,
They’d drifted from their moorings,
And in silence sailed away.
THE SENTINEL

“Tick! tick! tick!” goes the old clock in the hall;


The merry hours, the mournful hours
Alike he counts them all
As he stands erect at his post,
Time’s solemn Sentinel.

All that he hath to say he saith,


And on, with never a pause for breath,
He hurries us nearer the day of death.
Though his warning voice is ofttimes drowned
In the whirr, as the wheels of life run round,
Yet, whether or no we hear the sound,—

“Tick! tick! tick!” goes the old clock in the hall;


The merry hours, the mournful hours
Alike he counts them all,
As he stands erect at his post,
Time’s solemn Sentinel.
A LOVE SONG

Upon a bosom snowy white


A little dimpled chin drops down,
While trembling shy lids hide the light
Of love, new born in eyes dark brown.

A tiny timorous hand seeks mine


For shelter, fluttering like a dove;
And with a rapture half divine
I burn my kisses through its glove.

June’s rosy treasures sweetly blend


Upon her cheek and modest brow,
But only Cupid’s self could lend
The crimson stealing o’er them now.

Her voice makes music of my name,


A heaven of love is in her smile,
Her pure mind, like an altar-flame,
Burns clear and steady all the while.
AUTUMN

Red as blood is Autumn’s gown,


And a flaming fire her crown.

And her fingers sere and scorch,


Each one a destroying torch.

Fever follows in her wake,


Nor the dews her thirst can slake.

In her kisses there is death,


And decay in every breath.

She makes tombs of what were bowers,


Strewn with corses of dead flowers.

To the loftiest leaves that wave


She but whispers of a grave.
A QUAKER MAID
Just a pair of green-grey eyes,
With a knack of changing
Like the sea, when shine and shower
O’er its breast are ranging.

Just a pair of green-grey eyes


Each one a heart-breaker,
Who would think that they belonged
To a little Quaker?

Prim her bonnet, drab her gown,


And she walks sedately,
With a sort of lily-mien—
Drooping, and yet stately.

And her voice sounds, oh, so meek!


“Thou” and “thee” and “thying,”
Yet the while those grey-green eyes
Seem to be belying.

All these airs of calm repose,—


This sad suit and sober,
Why should Spring’s young sapling be
Brown-leaved like October?

Gown her in the lilies’ white!


Crown her curls with roses!
Wreath her neck with daisy-chains!
Fill her hands with posies!

Laughter-loving green-grey eyes,


Young limbs girt with gladness,
How they mock this dismal drab
Livery of sadness!
“THE TIME, THE PLACE, THE BELOVED.”

You and I among the roses—


You and I and love and June—
All without and all within us
Set to one sweet happy tune!

You and I among the roses!


Drowsy bees go blundering by;
’Mid the tresses on your temples
Little breezes swoon and die.

You and I among the roses!


Overhead a sapphire dome;
’Neath our feet a sea of emerald,
Flecked with daisies for its foam.

You and I among the roses—


’Tis for love the time and place!
What a world of rapture can be
Crowded into one small space.
DAY-DREAMS

I am dreaming of you, belovèd,


In my home among the hills;
Your eyes meet mine in every flower;
Above the highest height you tower,
Yet the glamour of your presence
The lowest valley fills.

I hear your voice in the river


That sings on its way to the sea;
And when the wind sweeps over
The low beds of the clover,
’Tis the breath of my belovèd
Its wide wings bear to me.

I am dreaming of you, belovèd,


But though sweet these day-dreams be,
’Tis the deeper dreams of sleeping
That restore you to my keeping,
And so the world of shadows
Is the dearest world to me.
SONG OF THE SEASONS

Sing, oh sing, ’tis summer time!


Sing it ’mong the roses,—
Sing it till each sleeping bud,
Dewy-eyed, uncloses.

Sing it through the woodlands, till


All the song-birds hear it!
Sing,—till every blade of grass
Finds a voice to cheer it.

* * * *

Sigh, oh sigh, ’tis winter drear!


Sigh it through the flowing
Shroud that over earth’s dead breast
Falls in time of snowing.

Sigh it through the bare brown stems


That once held the roses!
Sigh it round the grave, that o’er
Summer’s glory closes.
ONE SUMMER DAY

The sky stretched blue above us,


The sea slept at our feet,
As still, as if its mighty heart
Had almost ceased to beat.

A trembling hush seemed slowly


Across the earth to steal,
As when after benediction
The priest and people kneel.

It was as though God’s finger


Lay on the pulse of life,
And stilled, for one brief moment,
Its tumult and its strife.
THE INSCRUTABLE

A glad young girl amid the sunshine flitting,


Like a bright bird let loose from Paradise—
A weary woman, in the shadow, sitting
With haggard face and dry despairing eyes.

* * * * * *

The one in death’s dark chamber now is lying,


Stricken to marble her warm pulsing breast:
And God denies the luxury of dying
To the sad soul whose one cry is for rest.
DELILAH

Why comest thou with those grand eyes of thine


To lure me as the cruel light the moth,
To my destruction.—Long ago my wrath
Cooled its white heat in pity’s depths divine.

There was a time when full of bitter hate


I could have crushed thee—but that time is past,
And tho’ I needs must love thee to the last,
Tempt me not now—it is too late, too late.

Apart for evermore our paths must lie,


Such love as thine can only bring a curse.
I would be better for my love, not worse,
So go while I have strength to say “Good-bye.”
A BABY’S GRAVE

I could not lay her down to sleep


In a death-crowded place,
With grim black yews to keep God’s sun
From shining on her face.

With softest greenest moss I lined


For her a little nest;
No crushing marble slab I laid
Upon her tender breast.

Nor iron rails like prison-bars


Her sacred form enclose,
The sternest guardian of her grave
Is just a fragile rose.
A CHILD’S FAVOURITE

Only an old wooden dolly,


With an arm and a leg a-missing,
The point of her nose rubbed off, I suppose,
Through too much washing or kissing.

In a frock of faded satin,


With tinsel lace tarnished and tattered;
Her “coal-scuttle” bonnet holds, alas!
A head that’s a trifle battered.

Oh, no, she has not lost her locks,


She never had curls black or golden;
A doll’s wig was safely painted on
In the days that you call “olden.”

You laugh, and think her “too funny;”


Yet once she was just as much cherished
As your dolly is—by a wee girl
Whose dolly-days long ago perished.
RICH OR POOR?

Only a string of cold white pearls,


Or diamond drops, like frozen tears,
Has clasped my lady’s slender neck
Through all the barren empty years.

Only wee warm white baby arms


Have clasped my neck thro’ the sweet years;
Yet she is rich and I am poor—
Or so it to the world appears.
DOLLY’S GARDEN

This is Dolly’s garden,


All her “very own,”
Every flower that’s in it
By her hand was sown—
Never out of Eden
Were such blossoms blown.

Like her eyes those pansies,


Deep and dark and blue—
As her soul those lilies,
Pure and white and true;
Frail earth-flowers and fading—
Dolly’s fading too.

This was Dolly’s garden,


Here I stand alone,
Dolly’s tending blossoms
Near the Great White Throne:
Dolly now has heaven
For her “very own.”
IN A DREAM-SHIP

She sailed away one summer day


In a ship of shining shell:
Her cloak was a butterfly’s gauzy wing,
Her bonnet a big blue-bell,
Her bed was a lady’s slipper,
Her blankets the leaves of a rose,
And a cushion of thistledown had she,
Just to rest her tiny toes.

With golden oars from the earth’s dark shores


She was borne o’er a silver sea;
And she never feared as the captain steered
For the land where she wished to be.

And this was the song,


As they drifted along,
That she sang from the ship of shell—
“Oh, we are bound
For enchanted ground;
It’s there that the fairies dwell.”

But a storm swept over the silver sea,


And the little maid awoke
As against the side of the fair frail barque
A cruel billow broke;
And she rubbed her eyes, and she pinched her arm,
And fearfully peeped around;
But instead of a ship “for fairyland”
She had boarded a “homeward-bound.”

You might also like