Large Image Datasets: a Pyrrhic Win for Computer Vision?

Total Page:16

File Type:pdf, Size:1020Kb

Large Image Datasets: a Pyrrhic Win for Computer Vision? OR OR # # #. OPENREVIEW VERSION 000 054 001 055 002 056 003 Large image datasets: A pyrrhic win for computer vision? 057 004 058 005 059 006 Anonymous submission 060 007 061 008 062 009 Paper ID 063 010 064 011 065 012 Abstract that still affords the basic safeguards towards protecting 066 013 one’s identity in large scale databases. However, in the age 067 014 In this paper we investigate problematic practices and of Big Data, the fundamentals of informed consent, privacy, 068 015 consequences of large scale vision datasets. We examine or agency of the individual have gradually been eroded. In- 069 016 broad issues such as the question of consent and justice stitutions, academia, and industry alike, amass millions of 070 017 as well as specific concerns such as the inclusion of verifi- images of people without consent and often for unstated 071 018 ably pornographic images in datasets. Taking the ImageNet- purposes under the guise of anonymization, a claim that is 072 019 ILSVRC-2012 dataset as an example, we perform a cross- both ephemeral [57, 68] and vacuous [30]. As can be seen 073 020 sectional model-based quantitative census covering factors in Table1, several tens of millions of images of people are 074 021 such as age, gender, NSFW content scoring, class-wise accu- found in peer-reviewed literature. These images are obtained 075 022 racy, human-cardinality-analysis, and the semanticity of the without consent or awareness of the individuals or IRB ap- 076 023 image class information in order to statistically investigate proval for collection. In Section 5-B of [79], for instance, 077 024 the extent and subtleties of ethical transgressions. We then the authors nonchalantly state “As many images on the web 078 025 use the census to help hand-curate a look-up-table of images contain pictures of people, a large fraction (23%) of the 79 079 026 in the ImageNet-ILSVRC-2012 dataset that fall into the cate- million images in our dataset have people in them”. With this 080 027 gories of verifiably pornographic: shot in a non-consensual background, we now focus on one of the most celebrated and 081 028 setting (up-skirt), beach voyeuristic, and exposed private canonical large scale image datasets: the ImageNet dataset. 082 029 parts. We survey the landscape of harm and threats both 083 030 society broadly and individuals face due to uncritical and 1.1. ImageNet: A brief overview 084 031 ill-considered dataset curation practices. We then propose 085 The emergence of the ImageNet dataset [21] is widely 032 possible courses of correction and critique the pros and cons 086 considered a pivotal moment2 in the Deep Learning revolu- 033 of these. We have duly open-sourced all of the code and the 087 tion that transformed Computer Vision (CV), and Artificial 034 census meta-datasets generated in this endeavor for the com- 088 Intelligence (AI) in general. Prior to ImageNet, computer 035 puter vision community to build on. By unveiling the severity 089 vision and image processing researchers trained image classi- 036 of the threats, our hope is to motivate the constitution of 090 fication models on small dataset such as CalTech101 (9k im- 037 mandatory Institutional Review Boards (IRB) for large scale 091 ages), PASCAL-VOC (30k images), LabelMe (37k images), 038 dataset curation processes. 092 039 and the SUN (131k images) dataset (see slide-37 in [51]). 093 040 1. Introduction ImageNet, with over 14 million images spread across 21,841 094 041 synsets, replete with 1,034,908 bounding box annotations, 095 042 Born from World War II and the haunting and despi- brought in an aspect of scale that was previously missing. A 096 043 cable practices of Nazi era experimentation [4] the 1947 subset of 1.2 million images across 1000 classes was carved 097 044 Nuremberg code [84] and the subsequent 1964 Helsinki dec- out from this dataset to form the ImageNet-1k dataset (pop- 098 045 laration [30], helped to establish the doctrine of Informed ularly called ILSVRC-2012) which formed the basis for 099 046 Consent which builds on the fundamental notions of human the Task-1: classification challenge in the ImageNet Large 100 047 dignity and agency to control dissemination of information Scale Visual Recognition Challenge (ILSVRC). This soon 101 3 048 about oneself. This has shepherded data collection endeav- became widely touted as the Computer Vision Olympics . 102 049 ors in the medical and psychological sciences concerning The vastness of this dataset allowed a Convolutional Neural 103 050 human subjects, including photographic data [8, 56], for the 104 2“The data that transformed AI research—and possibly the world”: 051 105 past several decades. A less stringent version of informed https://bit.ly/2VRxx3L 052 consent, broad consent, proposed in 45 CFR 46.116(d) of the 3https://engineering.missouri.edu/2014/01/team-takes-top-rankings-in- 106 053 Revised Common Rule [24], has been recently introduced computer-vision-olympics/ 107 1 OR OR # # #. OPENREVIEW VERSION 108 Number of Number of 162 Number of images 109 Dataset categories consensual 163 (in millions) 110 (in thousands) images 164 111 JFT-300M ([41]) 300+ 18 0 165 112 Open Images ([50]) 9 20 0 166 113 Tiny-Images ([79]) 79 76 0 167 114 Tencent-ML ([89]) 18 11 0 168 115 ImageNet-(21K,11k1,1k) ([70]) (14, 12, 1) (22, 11, 1) 0 169 116 170 Places ([93]) 11 0.4 0 117 171 118 Table 1: Large scale image datasets containing people’s images 172 119 173 120 174 121 Network (CNN) with 60 million parameters [49] trained by narratives, obscuring political and moral reasoning behind a 175 122 the SuperVision team from University of Toronto to usher in category. Over time, messy and contingent histories hidden 176 123 the rebirth of the CNN-era (see [3]), which is now widely behind a category are forgotten and trivialized [75]. With the 177 124 dubbed the AlexNet moment in AI. adoption of taxonomy sources, image datasets inherit seem- 178 125 Although ImageNet was created over a decade ago, it ingly invisible yet profoundly consequential shortcomings. 179 126 remains one of the most influential and powerful image The dataset creation process, its implication for ML systems, 180 127 databases available today. Its power and magnitude is and subsequently, the societal impact of these systems has 181 128 matched by its unprecedented societal impact. Although attracted a substantial body of critique. We categorize such 182 129 an a posteriori audit might seem redundant a decade after body of work into two groups that compliment one another. 183 130 its creation, ImageNet’s continued significance and the cul- While the first group can be seen as concerned with the broad 184 131 ture it has fostered for other large scale datasets warrants an downstream effects, the other concentrates mainly on the 185 132 ongoing critical dialogue. dataset creation process itself. 186 133 From the questionable ways images were sourced, to 187 134 troublesome labeling of people in images, to the downstream 2.1. Broad critiques: 188 135 effects of training AI models using such images, ImageNet 189 136 and large scale vision datasets (LSVD) in general constitute The absence of critical engagement with canonical 190 137 a Pyrrhic win for computer vision. We argue, this win datasets disproportionately negatively impacts women, racial 191 138 has come at the expense of harm to minoritized groups and and ethnic minorities, and vulnerable individuals and com- 192 139 further aided the gradual erosion of privacy, consent, and munities at the margins of society [7]. For example, im- 193 140 agency of both the individual and the collective. age search results both exaggerate stereotypes and system- 194 141 The rest of this paper is structured as follows. In sec- atically under-represent women in search results for occu- 195 142 tion 2, we cover related work that has explored the ethi- pations [47]; object detection systems designed to detect 196 143 cal dimensions that arise with LSVD. In section 3, we de- pedestrians display higher error rates for recognition of de- 197 144 scribe the landscape of both the immediate and long term mographic groups with dark skin tones [87]; and gender 198 145 threats individuals and society as a whole encounter due to classification systems show disparities in image classifica- 199 146 ill-considered LSVD curation. In Section 4, we propose a tion accuracy where lighter-skin males are classified with 200 147 set of solutions which might assuage some of the concerns the highest accuracy while darker-skin females suffer the 201 148 raised in section 3. In Section 5, we present a template quan- most misclassification [14]. Gender classification systems 202 149 titative auditing procedure using the ILSVRC2012 dataset as that lean on binary and cis-genderist constructs operational- 203 150 an example and describe the data assets we have curated for ize gender in a trans-exclusive way resulting in tangible 204 151 the computer vision community to build on. We conclude harm to trans people [48]. With a persistent trend where 205 152 with broad reflections on LSVDs, society, ethics, and justice. minoritized and vulnerable individuals and communities of- 206 153 ten disproportionately suffer the negative outcomes of ML 207 154 2. Background and related work systems, [25] have called for a shift in rethinking ethics not 208 155 just as a fairness metric to mitigate the narrow concept of 209 156 The very declaration of a taxonomy brings some things bias but as practice that results in justice for the most neg- 210 157 into existence while rendering others invisible [9].
Recommended publications
  • Synthesizing Images of Humans in Unseen Poses
    Synthesizing Images of Humans in Unseen Poses Guha Balakrishnan Amy Zhao Adrian V. Dalca Fredo Durand MIT MIT MIT and MGH MIT [email protected] [email protected] [email protected] [email protected] John Guttag MIT [email protected] Abstract We address the computational problem of novel human pose synthesis. Given an image of a person and a desired pose, we produce a depiction of that person in that pose, re- taining the appearance of both the person and background. We present a modular generative neural network that syn- Source Image Target Pose Synthesized Image thesizes unseen poses using training pairs of images and poses taken from human action videos. Our network sepa- Figure 1. Our method takes an input image along with a desired target pose, and automatically synthesizes a new image depicting rates a scene into different body part and background lay- the person in that pose. We retain the person’s appearance as well ers, moves body parts to new locations and refines their as filling in appropriate background textures. appearances, and composites the new foreground with a hole-filled background. These subtasks, implemented with separate modules, are trained jointly using only a single part details consistent with the new pose. Differences in target image as a supervised label. We use an adversarial poses can cause complex changes in the image space, in- discriminator to force our network to synthesize realistic volving several moving parts and self-occlusions. Subtle details conditioned on pose. We demonstrate image syn- details such as shading and edges should perceptually agree thesis results on three action classes: golf, yoga/workouts with the body’s configuration.
    [Show full text]
  • Memristor-Based Approximated Computation
    Memristor-based Approximated Computation Boxun Li1, Yi Shan1, Miao Hu2, Yu Wang1, Yiran Chen2, Huazhong Yang1 1Dept. of E.E., TNList, Tsinghua University, Beijing, China 2Dept. of E.C.E., University of Pittsburgh, Pittsburgh, USA 1 Email: [email protected] Abstract—The cessation of Moore’s Law has limited further architectures, which not only provide a promising hardware improvements in power efficiency. In recent years, the physical solution to neuromorphic system but also help drastically close realization of the memristor has demonstrated a promising the gap of power efficiency between computing systems and solution to ultra-integrated hardware realization of neural net- works, which can be leveraged for better performance and the brain. The memristor is one of those promising devices. power efficiency gains. In this work, we introduce a power The memristor is able to support a large number of signal efficient framework for approximated computations by taking connections within a small footprint by taking the advantage advantage of the memristor-based multilayer neural networks. of the ultra-integration density [7]. And most importantly, A programmable memristor approximated computation unit the nonvolatile feature that the state of the memristor could (Memristor ACU) is introduced first to accelerate approximated computation and a memristor-based approximated computation be tuned by the current passing through itself makes the framework with scalability is proposed on top of the Memristor memristor a potential, perhaps even the best, device to realize ACU. We also introduce a parameter configuration algorithm of neuromorphic computing systems with picojoule level energy the Memristor ACU and a feedback state tuning circuit to pro- consumption [8], [9].
    [Show full text]
  • A Survey of Autonomous Driving: Common Practices and Emerging Technologies
    Accepted March 22, 2020 Digital Object Identifier 10.1109/ACCESS.2020.2983149 A Survey of Autonomous Driving: Common Practices and Emerging Technologies EKIM YURTSEVER1, (Member, IEEE), JACOB LAMBERT 1, ALEXANDER CARBALLO 1, (Member, IEEE), AND KAZUYA TAKEDA 1, 2, (Senior Member, IEEE) 1Nagoya University, Furo-cho, Nagoya, 464-8603, Japan 2Tier4 Inc. Nagoya, Japan Corresponding author: Ekim Yurtsever (e-mail: [email protected]). ABSTRACT Automated driving systems (ADSs) promise a safe, comfortable and efficient driving experience. However, fatalities involving vehicles equipped with ADSs are on the rise. The full potential of ADSs cannot be realized unless the robustness of state-of-the-art is improved further. This paper discusses unsolved problems and surveys the technical aspect of automated driving. Studies regarding present challenges, high- level system architectures, emerging methodologies and core functions including localization, mapping, perception, planning, and human machine interfaces, were thoroughly reviewed. Furthermore, many state- of-the-art algorithms were implemented and compared on our own platform in a real-world driving setting. The paper concludes with an overview of available datasets and tools for ADS development. INDEX TERMS Autonomous Vehicles, Control, Robotics, Automation, Intelligent Vehicles, Intelligent Transportation Systems I. INTRODUCTION necessary here. CCORDING to a recent technical report by the Eureka Project PROMETHEUS [11] was carried out in A National Highway Traffic Safety Administration Europe between 1987-1995, and it was one of the earliest (NHTSA), 94% of road accidents are caused by human major automated driving studies. The project led to the errors [1]. Against this backdrop, Automated Driving Sys- development of VITA II by Daimler-Benz, which succeeded tems (ADSs) are being developed with the promise of in automatically driving on highways [12].
    [Show full text]
  • CSE 152: Computer Vision Manmohan Chandraker
    CSE 152: Computer Vision Manmohan Chandraker Lecture 15: Optimization in CNNs Recap Engineered against learned features Label Convolutional filters are trained in a Dense supervised manner by back-propagating classification error Dense Dense Convolution + pool Label Convolution + pool Classifier Convolution + pool Pooling Convolution + pool Feature extraction Convolution + pool Image Image Jia-Bin Huang and Derek Hoiem, UIUC Two-layer perceptron network Slide credit: Pieter Abeel and Dan Klein Neural networks Non-linearity Activation functions Multi-layer neural network From fully connected to convolutional networks next layer image Convolutional layer Slide: Lazebnik Spatial filtering is convolution Convolutional Neural Networks [Slides credit: Efstratios Gavves] 2D spatial filters Filters over the whole image Weight sharing Insight: Images have similar features at various spatial locations! Key operations in a CNN Feature maps Spatial pooling Non-linearity Convolution (Learned) . Input Image Input Feature Map Source: R. Fergus, Y. LeCun Slide: Lazebnik Convolution as a feature extractor Key operations in a CNN Feature maps Rectified Linear Unit (ReLU) Spatial pooling Non-linearity Convolution (Learned) Input Image Source: R. Fergus, Y. LeCun Slide: Lazebnik Key operations in a CNN Feature maps Spatial pooling Max Non-linearity Convolution (Learned) Input Image Source: R. Fergus, Y. LeCun Slide: Lazebnik Pooling operations • Aggregate multiple values into a single value • Invariance to small transformations • Keep only most important information for next layer • Reduces the size of the next layer • Fewer parameters, faster computations • Observe larger receptive field in next layer • Hierarchically extract more abstract features Key operations in a CNN Feature maps Spatial pooling Non-linearity Convolution (Learned) . Input Image Input Feature Map Source: R.
    [Show full text]
  • 1 Convolution
    CS1114 Section 6: Convolution February 27th, 2013 1 Convolution Convolution is an important operation in signal and image processing. Convolution op- erates on two signals (in 1D) or two images (in 2D): you can think of one as the \input" signal (or image), and the other (called the kernel) as a “filter” on the input image, pro- ducing an output image (so convolution takes two images as input and produces a third as output). Convolution is an incredibly important concept in many areas of math and engineering (including computer vision, as we'll see later). Definition. Let's start with 1D convolution (a 1D \image," is also known as a signal, and can be represented by a regular 1D vector in Matlab). Let's call our input vector f and our kernel g, and say that f has length n, and g has length m. The convolution f ∗ g of f and g is defined as: m X (f ∗ g)(i) = g(j) · f(i − j + m=2) j=1 One way to think of this operation is that we're sliding the kernel over the input image. For each position of the kernel, we multiply the overlapping values of the kernel and image together, and add up the results. This sum of products will be the value of the output image at the point in the input image where the kernel is centered. Let's look at a simple example. Suppose our input 1D image is: f = 10 50 60 10 20 40 30 and our kernel is: g = 1=3 1=3 1=3 Let's call the output image h.
    [Show full text]
  • Self-Driving Cars: Evaluation of Deep Learning Techniques for Object Detection in Different Driving Conditions Ramesh Simhambhatla SMU, [email protected]
    SMU Data Science Review Volume 2 | Number 1 Article 23 2019 Self-Driving Cars: Evaluation of Deep Learning Techniques for Object Detection in Different Driving Conditions Ramesh Simhambhatla SMU, [email protected] Kevin Okiah SMU, [email protected] Shravan Kuchkula SMU, [email protected] Robert Slater Southern Methodist University, [email protected] Follow this and additional works at: https://scholar.smu.edu/datasciencereview Part of the Artificial Intelligence and Robotics Commons, Other Computer Engineering Commons, and the Statistical Models Commons Recommended Citation Simhambhatla, Ramesh; Okiah, Kevin; Kuchkula, Shravan; and Slater, Robert (2019) "Self-Driving Cars: Evaluation of Deep Learning Techniques for Object Detection in Different Driving Conditions," SMU Data Science Review: Vol. 2 : No. 1 , Article 23. Available at: https://scholar.smu.edu/datasciencereview/vol2/iss1/23 This Article is brought to you for free and open access by SMU Scholar. It has been accepted for inclusion in SMU Data Science Review by an authorized administrator of SMU Scholar. For more information, please visit http://digitalrepository.smu.edu. Simhambhatla et al.: Self-Driving Cars: Evaluation of Deep Learning Techniques for Object Detection in Different Driving Conditions Self-Driving Cars: Evaluation of Deep Learning Techniques for Object Detection in Different Driving Conditions Kevin Okiah1, Shravan Kuchkula1, Ramesh Simhambhatla1, Robert Slater1 1 Master of Science in Data Science, Southern Methodist University, Dallas, TX 75275 USA {KOkiah, SKuchkula, RSimhambhatla, RSlater}@smu.edu Abstract. Deep Learning has revolutionized Computer Vision, and it is the core technology behind capabilities of a self-driving car. Convolutional Neural Networks (CNNs) are at the heart of this deep learning revolution for improving the task of object detection.
    [Show full text]
  • Do Better Imagenet Models Transfer Better?
    Do Better ImageNet Models Transfer Better? Simon Kornblith,∗ Jonathon Shlens, and Quoc V. Le Google Brain {skornblith,shlens,qvl}@google.com Logistic Regression Fine-Tuned Abstract 1.6 2.3 Inception-ResNet v2 Inception v4 1.5 2.2 Transfer learning is a cornerstone of computer vision, yet little work has been done to evaluate the relationship 1.4 MobileNet v1 2.1 MobileNet v1 NASNet Large NASNet Large between architecture and transfer. An implicit hypothesis 1.3 2.0 ResNet-50 ResNet-50 in modern computer vision research is that models that per- 1.2 1.9 form better on ImageNet necessarily perform better on other vision tasks. However, this hypothesis has never been sys- 1.1 1.8 Transfer Accuracy (Log Odds) tematically tested. Here, we compare the performance of 16 72 74 76 78 80 72 74 76 78 80 classification networks on 12 image classification datasets. ImageNet Top-1 Accuracy (%) ImageNet Top-1 Accuracy (%) We find that, when networks are used as fixed feature ex- Figure 1. Transfer learning performance is highly correlated with tractors or fine-tuned, there is a strong correlation between ImageNet top-1 accuracy for fixed ImageNet features (left) and ImageNet accuracy and transfer accuracy (r = 0.99 and fine-tuning from ImageNet initialization (right). The 16 points in 0.96, respectively). In the former setting, we find that this re- each plot represent transfer accuracy for 16 distinct CNN architec- tures, averaged across 12 datasets after logit transformation (see lationship is very sensitive to the way in which networks are Section 3).
    [Show full text]
  • Deep Learning for Computer Vision
    Deep Learning for Computer Vision MIT 6.S191 Ava Soleimany January 29, 2019 6.S191 Introduction to Deep Learning 1/29/19 introtodeeplearning.com What Computers “See” Images are Numbers 6.S191 Introduction to Deep Learning [1] 1/29/19 introtodeeplearning.com Images are Numbers 6.S191 Introduction to Deep Learning [1] 1/29/19 introtodeeplearning.com Images are Numbers What the computer sees An image is just a matrix of numbers [0,255]! i.e., 1080x1080x3 for an RGB image 6.S191 Introduction to Deep Learning [1] 1/29/19 introtodeeplearning.com Tasks in Computer Vision Lincoln 0.8 Washington 0.1 classification Jefferson 0.05 Obama 0.05 Input Image Pixel Representation - Regression: output variable takes continuous value - Classification: output variable takes class label. Can produce probability of belonging to a particular class 6.S191 Introduction to Deep Learning 1/29/19 introtodeeplearning.com High Level Feature Detection Let’s identify key features in each image category Nose, Wheels, Door, Eyes, License Plate, Windows, Mouth Headlights Steps 6.S191 Introduction to Deep Learning 1/29/19 introtodeeplearning.com Manual Feature Extraction Detect features Domain knowledge Define features to classify Problems? 6.S191 Introduction to Deep Learning 1/29/19 introtodeeplearning.com Manual Feature Extraction Detect features Domain knowledge Define features to classify 6.S191 Introduction to Deep Learning [2] 1/29/19 introtodeeplearning.com Manual Feature Extraction Detect features Domain knowledge Define features to classify 6.S191 Introduction
    [Show full text]
  • Controllable Person Image Synthesis with Attribute-Decomposed GAN
    Controllable Person Image Synthesis with Attribute-Decomposed GAN Yifang Men1, Yiming Mao2, Yuning Jiang2, Wei-Ying Ma2, Zhouhui Lian1∗ 1Wangxuan Institute of Computer Technology, Peking University, China 2Bytedance AI Lab Abstract Generated images with editable style codes This paper introduces the Attribute-Decomposed GAN, a novel generative model for controllable person image syn- thesis, which can produce realistic person images with de- sired human attributes (e.g., pose, head, upper clothes and pants) provided in various source inputs. The core idea of the proposed model is to embed human attributes into the Controllable Person Image Synthesis latent space as independent codes and thus achieve flexible Pose Code and continuous control of attributes via mixing and inter- Style Code polation operations in explicit style representations. Specif- Component Attributes ically, a new architecture consisting of two encoding path- Pose Attribute (keypoints) base head upper clothes pants ways with style block connections is proposed to decompose the original hard mapping into multiple more accessible subtasks. In source pathway, we further extract component layouts with an off-the-shelf human parser and feed them into a shared global texture encoder for decomposed latent codes. This strategy allows for the synthesis of more realis- Pose source Target pose Source 1 Source 2 Source 3 Source 4 tic output images and automatic separation of un-annotated Figure 1: Controllable person image synthesis with desired attributes. Experimental results demonstrate the proposed human attributes provided by multiple source images. Hu- method’s superiority over the state of the art in pose trans- man attributes including pose and component attributes are fer and its effectiveness in the brand-new task of component embedded into the latent space as the pose code and decom- attribute transfer.
    [Show full text]
  • Vision Based Self-Driving
    Direct Perception for Autonomous Driving Chenyi Chen DeepDriving • http://deepdriving.cs.princeton.edu/ Direct Perception estimate control Direct Perception (in Driving…) • Ordinary car detection: Find a car! It’s localized in the image by a red bounding box. • Direct perception: The car is in the right lane; 16 meters ahead • Which one is more helpful for driving task? Machine Learning What’s machine learning? • Example problem: face recognition Prof. K Prof. F Prof. P Prof. V Chenyi • Training data: a collection of images and labels (names) Who is this guy? • Evaluation criterion: correct labeling of new images What’s machine learning? • Example problem: scene classification road road sea mountain city • a few labeled training images What’s the label of this image? • goal to label yet unseen image Supervised Learning • System input: X • System model: fθ(), with parameter θ • System output: Ŷ= fθ(X), • Ground truth label: Y • Loss function: L(θ) • Learning rate: γ Why machine learning? • The world is very complicated • We don’t know the exact model/mechanism between input and output • Find an approximate (usually simplified) model between input and output through learning Deep Learning: A sub-field of machine learning Why deep learning? How do we detect a stop sign? It’s all about feature! Some Salient Features It’s a STOP sign!! Why deep learning? How does computer vision algorithm work? It’s all about feature! Pedestrian found!!! Why deep learning? • We believe driving is also related with certain features • Those features determine what action to take next • Salient features can be automatically detected and processed by deep learning algorithm Deep Convolutional Neural Network Deep Convolutional Neural Network (CNN) Convolutional layers Fully connected layers …… Deep feature, 4096D, float (4 bytes) Parallel computing Output, 14D, float (4 bytes) Input image, 280*210*3, int8 (1 byte) Figure courtesy and modified of Alex Krizhevsky, Ilya Sutskever, Geoffrey E.
    [Show full text]
  • Designing Neuromorphic Computing Systems with Memristor Devices
    Designing Neuromorphic Computing Systems with Memristor Devices by Amr Mahmoud Hassan Mahmoud B.Sc. in Electrical Engineering, Cairo University, 2011 M.Sc. in Engineering Physics, Cairo University, 2015 Submitted to the Graduate Faculty of the Swanson School of Engineering in partial fulfillment of the requirements for the degree of Doctor of Philosophy University of Pittsburgh 2019 UNIVERSITY OF PITTSBURGH SWANSON SCHOOL OF ENGINEERING This dissertation was presented by Amr Mahmoud Hassan Mahmoud It was defended on May 29th, 2019 and approved by Yiran Chen, Ph.D., Associate Professor Department of Electrical and Computer Engineering Amro El-Jaroudi, Ph.D., Associate Professor Department of Electrical and Computer Engineering Samuel J. Dickerson, Ph.D., Assistant Professor Department of Electrical and Computer Engineering Natasa Miskov-Zivanov, Ph.D., Assistant Professor Department of Electrical and Computer Engineering Bo Zeng, Ph.D., Assistant Professor Department of Industrial Engineering Dissertation Director: Yiran Chen, Ph.D., Associate Professor ii Copyright © by Amr Mahmoud Hassan Mahmoud 2019 iii Designing Neuromorphic Computing Systems with Memristor Devices Amr Mahmoud Hassan Mahmoud, PhD University of Pittsburgh, 2019 Deep Neural Networks (DNNs) have demonstrated fascinating performance in many real- world applications and achieved near human-level accuracy in computer vision, natural video prediction, and many different applications. However, DNNs consume a lot of processing power, especially if realized on General Purpose GPUs or CPUs, which make them unsuitable for low-power applications. On the other hand, neuromorphic computing systems are heavily investigated as a poten- tial substitute for traditional von Neumann systems in high-speed low-power applications. One way to implement neuromorphic systems is to use memristor crossbar arrays because of their small size, low power consumption, synaptic like behavior, and scalability.
    [Show full text]
  • CS4501: Introduction to Computer Vision Neural Networks (Nns) Artificial Neural Networks (Anns) Multi-Layer Perceptrons (Mlps Previous
    CS4501: Introduction to Computer Vision Neural Networks (NNs) Artificial Neural Networks (ANNs) Multi-layer Perceptrons (MLPs Previous • Softmax Classifier • Inference vs Training • Gradient Descent (GD) • Stochastic Gradient Descent (SGD) • mini-batch Stochastic Gradient Descent (SGD) • Max-Margin Classifier • Regression vs Classification • Issues with Generalization / Overfitting • Regularization / momentum Today’s Class Neural Networks • The Perceptron Model • The Multi-layer Perceptron (MLP) • Forward-pass in an MLP (Inference) • Backward-pass in an MLP (Backpropagation) Perceptron Model Frank Rosenblatt (1957) - Cornell University Activation function ": .: - .; "; 1, if ) .*"* + 0 > 0 ! " = $ *+, . ) 0, otherwise < " < .= "= More: https://en.wikipedia.org/wiki/Perceptron Perceptron Model Frank Rosenblatt (1957) - Cornell University ": !? .: - .; "; 1, if ) .*"* + 0 > 0 ! " = $ *+, . ) 0, otherwise < " < .= "= More: https://en.wikipedia.org/wiki/Perceptron Perceptron Model Frank Rosenblatt (1957) - Cornell University Activation function ": .: - .; "; 1, if ) .*"* + 0 > 0 ! " = $ *+, . ) 0, otherwise < " < .= "= More: https://en.wikipedia.org/wiki/Perceptron Activation Functions Step(x) Sigmoid(x) Tanh(x) ReLU(x) = max(0, x) Two-layer Multi-layer Perceptron (MLP) ”hidden" layer & Loss / Criterion ! '" " & ! '# # & )(" )" ' !$ $ & ! '% % & Linear Softmax $" = [$"& $"' $"( $")] !" = [1 0 0] !+" = [,- ,. ,/] 0- = 1-&$"& + 1-'$"' + 1-($"( + 1-)$") + 3- 0. = 1.&$"& + 1.'$"' + 1.($"( + 1.)$") + 3. 0/ = 1/&$"& + 1/'$"' + 1/($"( + 1/)$") +
    [Show full text]