합성곱 신경망

수학노트
Pythagoras0 (토론 | 기여)님의 2020년 12월 15일 (화) 22:41 판 (→‎노트: 새 문단)
(차이) ← 이전 판 | 최신판 (차이) | 다음 판 → (차이)
둘러보기로 가기 검색하러 가기

노트

  • The architecture of a CNN is designed to take advantage of the 2D structure of an input image (or other 2D input such as a speech signal).[1]
  • A CNN consists of a number of convolutional and subsampling layers optionally followed by fully connected layers.[1]
  • The figure below illustrates a full layer in a CNN consisting of convolutional and subsampling sublayers.[1]
  • As the number of filters (output feature map depth) applied to the input increases, so does the number of features the CNN can extract.[2]
  • Other CNNs may contain larger or smaller numbers of convolutional modules, and greater or fewer fully connected layers.[2]
  • Besides, this article presents the fundamentals, tools, and two examples of the use of CNNs for fruit sorting and quality control.[3]
  • A convolutional neural network, or CNN, is a deep learning neural network designed for processing structured arrays of data such as images.[4]
  • It is this property that makes convolutional neural networks so powerful for computer vision.[4]
  • The activation function has the effect of adding non-linearity into the convolutional neural network.[4]
  • By the tenth layer, a convolutional neural network is able to detect more complex shapes such as eyes.[4]
  • Intuitively, this is because a convolutional neural network should be able to detect features in an image no matter where they are located.[4]
  • Note that the final layer of a convolutional neural network is normally fully connected.[4]
  • A Convolutional Neural Network (CNN) is a deep learning algorithm that can recognize and classify features in images for computer vision.[5]
  • The architecture of a CNN is a key factor in determining its performance and efficiency.[5]
  • This 7-layer CNN classified digits, digitized 32×32 pixel greyscale input images.[5]
  • GoogleNet (2014) Built with a CNN inspired by LetNet, the GoogleNet network, which is also named Inception V1, was made by a team at Google.[5]
  • LeNet was one of the very first convolutional neural networks which helped propel the field of Deep Learning.[6]
  • The primary purpose of Convolution in case of a ConvNet is to extract features from the input image.[6]
  • It is important to understand that these layers are the basic building blocks of any CNN.[6]
  • Please note however, that these operations can be repeated any number of times in a single ConvNet.[6]
  • Visualizing a ConvNet trained on handwritten digits.[6]
  • In this post, I have tried to explain the main concepts behind Convolutional Neural Networks in simple terms.[6]
  • Convolutional neural networks apply a series of learnable filters to the input image.[7]
  • This is how a simple convolutional neural network looks in Keras: model = tf.keras.[7]
  • Illustration: a convolutional neural network transforms "cubes" of data into other "cubes" of data.[7]
  • As you explore in-depth, computer vision and deep learning become all about the convolutional neural network (CNN).[8]
  • Convolutional neural networks were inspired by animal vision.[8]
  • Convolutional layers are the layers that give convolutional neural networks the name.[8]
  • In other words, pooling layers give flexibility to your convolutional neural network.[8]
  • This is where all the features extracted by the convolutional neural network get combined.[8]
  • Convolutional neural networks sit behind a few AI functions.[8]
  • Convolutional neural networks let computers ‘see’ pictures.[8]
  • Although much less common, CNNs are also being looked at to help with video analysis.[8]
  • This overview has only scratched the surface of convolutional neural networks.[8]
  • Abstract Deep convolutional neural networks have been successfully applied to many image-processing problems in recent works.[9]
  • We first introduce notation and discuss the general structure of existing deep convolutional networks.[9]
  • Convolutional neural networks (CNNs) model the unknown function f by using several layers that are connected to each other in succession.[9]
  • A schematic of a two-layer CNN architecture is shown in Fig.[9]
  • such that the CNN performs the task that is required.[9]
  • In general, the increased depth of DCNNs compared with shallow CNNs makes training more difficult.[9]
  • In this section, we describe a new convolutional neural network (CNN) based on the SMILES notation of compounds.[10]
  • An overview of our CNN is shown in Fig.[10]
  • Our CNN transforms the SMILES feature matrix into a low-dimensional feature vector termed the SMILES convolution finger print (SCFP).[10]
  • CNN has multiple layers consisting of two convolutional and pooling layers with a subsequent global pooling layer.[10]
  • Figure 2 shows the architecture of our CNN.[10]
  • Our CNN has several hyperparameters including the window size of filters, the number of filters, and others.[10]
  • Our CNN can be used not only as a prediction method but also as a method to compute a fingerprint.[10]
  • Koushik, J.: Understanding convolutional neural networks.[11]
  • Gated spatio and temporal convolutional neural network for activity recognition: towards gated multimodal deep learning.[11]
  • A review of object detection based on convolutional neural network.[11]
  • Xu, H., Han, Z., Feng, S., Zhou, H., Fang, Y.: Foreign object debris material recognition based on convolutional neural networks.[11]
  • Rethinking Model Scaling for Convolutional Neural Networks.[11]
  • CNNs are not limited to image recognition, however.[12]
  • So instead of thinking of images as two-dimensional areas, in convolutional nets they are treated as four-dimensional volumes.[12]
  • (Note that convolutional nets analyze images differently than RBMs.[12]
  • So convolutional networks perform a sort of search.[12]
  • The first thing to know about convolutional networks is that they don’t perceive images like humans do.[12]
  • Convolutional networks are designed to reduce the dimensionality of images in a variety of ways.[12]
  • The next layer in a convolutional network has three names: max pooling, downsampling and subsampling.[12]
  • Prior to CNNs, manual, time-consuming feature extraction methods were used to identify objects in images.[13]
  • With each layer, the CNN increases in its complexity, identifying greater portions of the image.[13]
  • The convolutional layer is the core building block of a CNN, and it is where the majority of computation occurs.[13]
  • While a lot of information is lost in the pooling layer, it also has a number of benefits to the CNN.[13]
  • Both the CNN technique and the previous pre-computed brain response atlas approach15 require a large training dataset.[14]
  • This indicated some impressive generalizability and robustness of the CNN technique.[14]
  • Further, the data-driven CNN technique does not address any physics behind brain biomechanical responses.[14]
  • Nonetheless, the CNN can be easily re-trained to accommodate another model or a future, upgraded WHIM.[14]
  • In recent years, CNNs have become pivotal to many computer vision applications.[15]
  • The early version of CNNs, called LeNet (after LeCun), could recognize handwritten digits.[15]
  • CNNs needed a lot of data and compute resources to work efficiently for large images.[15]
  • Convolutional neural networks are composed of multiple layers of artificial neurons.[15]
  • When you input an image into a ConvNet, each of its layers generates several activation maps.[15]
  • The first (or bottom) layer of the CNN usually detects basic features such as horizontal, vertical, and diagonal edges.[15]
  • The operation of multiplying pixel values by weights and summing them is called “convolution” (hence the name convolutional neural network).[15]
  • A CNN is usually composed of several convolution layers, but it also contains other components.[15]
  • One of the great challenges of developing CNNs is adjusting the weights of the individual neurons to extract the right features from images.[15]
  • In the beginning, the CNN starts off with random weights.[15]
  • The ConvNet processes each image with its random values and then compares its output with the image’s correct label.[15]
  • The ConvNet goes through several epochs during training, adjusting its weights in small amounts.[15]
  • As the CNN improves, the adjustments it makes to the weights become smaller and smaller.[15]
  • After training the CNN, the developers use a test dataset to verify its accuracy.[15]
  • Each image is run through the ConvNet, and the output is compared to the actual label of the image.[15]
  • The success of convolutional neural networks is largely due to the availability of huge image datasets developed in the past decade.[15]
  • You don’t, however, need to train every convolutional neural network on millions of images.[15]
  • A well-trained ConvNet will tell you that it’s the image of a soldier, a child and the American flag.[15]
  • These limits become more evident in practical applications of convolutional neural networks.[15]
  • For instance, CNNs are now widely used to moderate content on social media networks.[15]
  • Another problem with convolutional neural networks is their inability to understand the relations between different objects.[15]
  • still no convolutional neural network that can solve Bongard problems with so few training examples.[15]
  • In one study conducted in 2016, AI researchers trained a CNN on 20,000 Bongard samples and tested it on 10,000 more.[15]
  • Today, CNNs are used in many computer vision applications such as facial recognition, image search and editing, augmented reality, and more.[15]
  • Convolutional neural networks apply neural networks on images.[16]
  • In this post I am going to explain what they are and how you can create a convolutional neural network in Keras with Python.[16]
  • Convolutional neural networks basically take an image as input and apply different transformations that condense all the information.[16]
  • A typical CNN is usually structured as a series of layers, including multiple convolutional layers and a few of fully connected layers.[17]
  • Specifically, a gradient-descent based algorithm is usually adopted to iteratively optimize the parameters in a CNN.[17]
  • Figure 1 shows the high-level abstraction of CNNs in this survey.[17]
  • Then four methods are summarized for constructing convolutional layers in CNNs in Section 3.[17]
  • In Section 4, we group the current CNN architectures into three types: encoder, encoder-decoder and GANs.[17]
  • In Section 6, we give the advanced applications based on the three types of CNN structures.[17]
  • However, it is difficult to know what size of kernels we should use in a CNN.[17]
  • Z and F decoder represents a decoder CNN to reconstruct the input sample with Z .[17]
  • Recall that the shortcut connection is often adopted to address the problems in deep CNNs.[17]
  • Therefore, as shown in Figure 1, loss functions play a significant role in constructing CNNs.[17]
  • More Specifically, if Q denotes the distribution on data, and P represents the distribution which is learned by a CNN model.[17]
  • In this section, we summarize the typical advances that CNNs has achieved based on the three types of CNN structures.[17]
  • Firstly, a pre-trained CNN encoder is used to extract some high-level features from an input image.[17]
  • 6.2.4 Speech processing Note that speech signals exhibit spectral variations and correlations, CNNs are very suitable to reduce them.[17]
  • Therefore, CNNs can also be utilized for the task of speech processing, such as speech recognition.[17]
  • Because these two aspects are the core parts when applying CNNs into various types of tasks.[17]
  • Convolutional networks rely on 3D architecture - height, width, and depth - to scale for image recognition.[18]
  • CNN Courses and Certifications Deep neural networks are critical to working with images in the era of visual data science.[18]
  • Building your knowledge of CNN is vital to understanding image data.[18]
  • The building blocks for true robot vision lie in convolutional neural networks where image data can fill in gaps for operation.[18]
  • The specificity of a CNN lies in its filtering layers, which include at least one convolution layer.[19]
  • The first major success of convolutional neural networks was AlexNet, developed by Alex Krizhevsky, in 2012 at the University of Toronto.[19]
  • This current state of the art came about from ResNet, a CNN architecture from Microsoft Research.[19]
  • The problem motivating ResNet was that adding extra layers to a CNN did not necessarily improve performance.[19]
  • D. Wei, B. Zhou, A. Torrabla and W. Freeman, Understanding intra-class knowledge inside cnn, arXiv preprint, arXiv: 1507.02379.[20]
  • Visualizing and understanding convolutional networks, in Proceedings of the European Conference on Computer Vision, 2014, 818-833.[20]
  • This paper presents a novel method for identifying coal and rock based on a deep convolutional neural network (CNN).[21]
  • Section 2 summarizes the basic theory of CNN.[21]
  • There are two stages in identifying coal and rock using convolutional neural networks: feature learning and classification.[21]
  • Figure 2 shows the training process of a convolutional neural network.[21]
  • In the application of CNN, the problem of overfitting often occurs.[21]
  • The training of convolutional neural network is the key to achieve the discrimination between coal and rocks.[21]
  • The raw data (without data augmentation) and augmented data are used to train the CNN with NET, respectively.[21]
  • This paper presents a method for identifying coal and rock based on a deep convolutional neural network.[21]
  • Some experiments are provided and the comparisons with other classical convolutional neural networks are conducted.[21]
  • The convolutional neural network (CNN) was first proposed in 1960s.[22]
  • 1 was later introduced into the research work of CNNs.[22]
  • The CNN model AlexNet presented by Krizhevsky et al.[22]
  • First, this paper introduces the history of CNN and then analyzes the development of CNN architecture in image classification.[22]
  • 1 , CNN architecture is generally composed of convolution layers, subsampling (pooling) layers, and fully connected layers.[22]
  • The combination of convolution layer, pooling layer, and fully connected layer is still the basic components of modern deep CNN.[22]
  • 5 AlexNet is a milestone in the development of deep CNN, which has caused a new wave of neural network research.[22]
  • After AlexNet achieved excellent results in the ImageNet image classification competition, researchers began to study the CNN more deeply.[22]
  • However, there is no clear theoretical explanation for why a CNN model can perform well.[22]
  • Zeiler and Fergus 31 proposed a visualization technique to understand CNNs and proposed ZFNet.[22]
  • 31 is to explain to a certain extent why CNNs are effective and how to improve network performance.[22]
  • Using small convolution kernels, VGG can make the CNN reach a depth of 19 layers.[22]
  • It has made a vital contribution to the development of CNNs.[22]
  • In addition to network initialization, the innovation of optimization method has also promoted the development of CNN.[22]
  • Experimental results are obtained through five similar CNN predictions.[22]
  • In the following, the development trend of CNNs in image classification is prospected through several aspects.[22]
  • A CNN has a large number of parameters, so the experiment of CNN often fails to achieve the effect of network in corresponding papers.[22]
  • At present, the parameter setting in training CNN is mostly based on experience and practice.[22]
  • Visualizing and understanding convolutional networks ,” in Eur.[22]
  • The final layer of the CNN architecture uses a classification layer such as softmax to provide the classification output.[23]
  • This tutorial demonstrates training a simple Convolutional Neural Network (CNN) to classify CIFAR images.[24]
  • As input, a CNN takes tensors of shape (image_height, image_width, color_channels), ignoring the batch size.[24]
  • In this example, you will configure our CNN to process inputs of shape (32, 32, 3), which is the format of CIFAR images.[24]
  • Why ReLU is important : ReLU’s purpose is to introduce non-linearity in our ConvNet.[25]
  • A ConvNet arranges its neurons in three dimensions (width, height, depth), as visualized in one of the layers.[26]
  • A ConvNet is made up of Layers.[26]
  • Together, this adds up to 290400 * 364 = 105,705,600 parameters on the first layer of the ConvNet alone.[26]
  • Lastly, what if we wanted to efficiently apply the original ConvNet over the image but at a stride smaller than 32 pixels?[26]
  • You should rarely ever have to train a ConvNet from scratch or design one from scratch.[26]
  • Until now we’ve omitted mentions of common hyperparameters used in each of the layers in a ConvNet.[26]
  • The first successful applications of Convolutional Networks were developed by Yann LeCun in 1990’s.[26]
  • CNN is a class of deep learning networks that has attracted much attention in recent studies.[27]
  • The input matrix of the CNN model is an L× L×(2×D+C) matrix, where C represents the number of 2-D features.[27]
  • The CNN model is composed of several residual blocks.[27]
  • Finally, a three-layer CNN is employed to predict the final contact map from matrix Mat.[27]
  • As shown, it is necessary to prepare a large number of training data with corresponding labels for efficient classification using CNN.[28]
  • However, one can also apply CNN to this task as well.[28]
  • One way to perform segmentation is to use a CNN classifier for calculating the probability of an organ or anatomical structure.[28]
  • a Denoising system with CNN in deployment phase.[28]
  • By using this representation, 2D-CNN could be used to classify the reports as pulmonary embolism or not.[28]
  • Their results showed that the performance of the CNN model was equivalent to or beyond that of the traditional model.[28]
  • The pre-processing required in a ConvNet is much lower as compared to other classification algorithms.[29]
  • A ConvNet is able to successfully capture the Spatial and Temporal dependencies in an image through the application of relevant filters.[29]
  • ConvNets need not be limited to only one Convolutional Layer.[29]
  • CNNs are regularized versions of multilayer perceptrons.[30]
  • CNNs use relatively little pre-processing compared to other image classification algorithms.[30]
  • The name “convolutional neural network” indicates that the network employs a mathematical operation called convolution.[30]
  • A convolutional neural network consists of an input and an output layer, as well as multiple hidden layers.[30]
  • The hidden layers of a CNN typically consist of a series of convolutional layers that convolve with a multiplication or other dot product.[30]
  • Convolutional networks may include local or global pooling layers to streamline the underlying computation.[30]
  • A distinguishing feature of CNNs is that many neurons can share the same filter.[30]
  • The neocognitron introduced the two basic types of layers in CNNs: convolutional layers, and downsampling layers.[30]
  • The neocognitron is the first CNN which requires units located at multiple network positions to have shared weights.[30]
  • The first GPU-implementation of a CNN was described in 2006 by K. Chellapilla et al.[30]
  • Subsequently, a similar GPU-based CNN by Alex Krizhevsky et al.[30]
  • The layers of a CNN have neurons arranged in 3 dimensions: width, height and depth.[30]
  • Distinct types of layers, both locally and completely connected, are stacked to form a CNN architecture.[30]
  • In CNNs, each filter is replicated across the entire visual field.[30]
  • Together, these properties allow CNNs to achieve better generalization on vision problems.[30]
  • Another important concept of CNNs is pooling, which is a form of non-linear down-sampling.[30]
  • This is the idea behind the use of pooling in convolutional neural networks.[30]
  • CNNs use more hyperparameters than a standard multilayer perceptron (MLP).[30]
  • For convolutional networks, the filter size also affects the number of parameters.[30]
  • CNNs are often used in image recognition systems.[30]
  • Compared to image data domains, there is relatively little work on applying CNNs to video classification.[30]
  • However, some extensions of CNNs into the video domain have been explored.[30]
  • CNNs have also been explored for natural language processing.[30]
  • CNNs have been used in drug discovery.[30]
  • CNNs have been used in the game of checkers.[30]
  • CNNs have been used in computer Go.[30]
  • Convolutional neural networks usually require a large amount of training data in order to avoid overfitting.[30]
  • Therefore, they exploit the 2D structure of images, like CNNs do, and make use of pre-training like deep belief networks.[30]
  • Central to the convolutional neural network is the convolutional layer that gives the network its name.[31]
  • Technically, the convolution as described in the use of convolutional neural networks is actually a “cross-correlation”.[31]

소스

  1. 1.0 1.1 1.2 Unsupervised Feature Learning and Deep Learning Tutorial
  2. 2.0 2.1 ML Practicum: Image Classification
  3. A Review of Convolutional Neural Network Applied to Fruit Image Processing
  4. 4.0 4.1 4.2 4.3 4.4 4.5 Convolutional Neural Network
  5. 5.0 5.1 5.2 5.3 Convolutional Neural Network Architecture: Forging Pathways to the Future
  6. 6.0 6.1 6.2 6.3 6.4 6.5 An Intuitive Explanation of Convolutional Neural Networks
  7. 7.0 7.1 7.2 Convolutional neural networks, with Keras and TPUs
  8. 8.0 8.1 8.2 8.3 8.4 8.5 8.6 8.7 8.8 ELI5: what is a convolutional neural network?
  9. 9.0 9.1 9.2 9.3 9.4 9.5 A mixed-scale dense convolutional neural network for image analysis
  10. 10.0 10.1 10.2 10.3 10.4 10.5 10.6 Convolutional neural network based on SMILES representation of compounds for detecting chemical motif
  11. 11.0 11.1 11.2 11.3 11.4 Convolutional neural network: a review of models, methodologies and applications to object detection
  12. 12.0 12.1 12.2 12.3 12.4 12.5 12.6 A Beginner's Guide to Convolutional Neural Networks (CNNs)
  13. 13.0 13.1 13.2 13.3 What are Convolutional Neural Networks?
  14. 14.0 14.1 14.2 14.3 Convolutional neural network for efficient estimation of regional brain strains
  15. 15.00 15.01 15.02 15.03 15.04 15.05 15.06 15.07 15.08 15.09 15.10 15.11 15.12 15.13 15.14 15.15 15.16 15.17 15.18 15.19 15.20 15.21 15.22 15.23 What are convolutional neural networks (CNN)?
  16. 16.0 16.1 16.2 How to build a convolutional neural network in Keras
  17. 17.00 17.01 17.02 17.03 17.04 17.05 17.06 17.07 17.08 17.09 17.10 17.11 17.12 17.13 17.14 17.15 Advances in Convolutional Neural Networks
  18. 18.0 18.1 18.2 18.3 Learn Convolutional Neural Network with Online Courses
  19. 19.0 19.1 19.2 19.3 Convolutional Neural Networks
  20. 20.0 20.1 How convolutional neural networks see the world --- A survey of convolutional neural network visualization methods
  21. 21.0 21.1 21.2 21.3 21.4 21.5 21.6 21.7 21.8 A Deep Convolutional Neural Network Model for Intelligent Discrimination between Coal and Rocks in Coal Mining Face
  22. 22.00 22.01 22.02 22.03 22.04 22.05 22.06 22.07 22.08 22.09 22.10 22.11 22.12 22.13 22.14 22.15 22.16 22.17 22.18 Development of convolutional neural network and its application in image classification: a survey
  23. Convolutional Neural Network
  24. 24.0 24.1 24.2 Convolutional Neural Network (CNN)
  25. Understanding of Convolutional Neural Network (CNN) — Deep Learning
  26. 26.0 26.1 26.2 26.3 26.4 26.5 26.6 CS231n Convolutional Neural Networks for Visual Recognition
  27. 27.0 27.1 27.2 27.3 Convolutional Neural Network - an overview
  28. 28.0 28.1 28.2 28.3 28.4 28.5 Convolutional neural networks: an overview and application in radiology
  29. 29.0 29.1 29.2 A Comprehensive Guide to Convolutional Neural Networks — the ELI5 way
  30. 30.00 30.01 30.02 30.03 30.04 30.05 30.06 30.07 30.08 30.09 30.10 30.11 30.12 30.13 30.14 30.15 30.16 30.17 30.18 30.19 30.20 30.21 30.22 30.23 30.24 30.25 30.26 30.27 Convolutional neural network
  31. 31.0 31.1 How Do Convolutional Layers Work in Deep Learning Neural Networks?