"합성곱 신경망"의 두 판 사이의 차이
		
		
		
		
		
		둘러보기로 가기
		검색하러 가기
		
				
		
		
	
Pythagoras0 (토론 | 기여)  (문서를 비움) 태그: 비우기  | 
				Pythagoras0 (토론 | 기여)   (→노트:  새 문단)  | 
				||
| 1번째 줄: | 1번째 줄: | ||
| + | == 노트 ==  | ||
| + | ===위키데이터===  | ||
| + | * ID :  [https://www.wikidata.org/wiki/Q17084460 Q17084460]  | ||
| + | ===말뭉치===  | ||
| + | # ConvNet architectures make the explicit assumption that the inputs are images, which allows us to encode certain properties into the architecture.<ref name="ref_ed02149b">[https://cs231n.github.io/convolutional-networks/ CS231n Convolutional Neural Networks for Visual Recognition]</ref>  | ||
| + | # A ConvNet arranges its neurons in three dimensions (width, height, depth), as visualized in one of the layers.<ref name="ref_ed02149b" />  | ||
| + | # A ConvNet is made up of Layers.<ref name="ref_ed02149b" />  | ||
| + | # We use three main types of layers to build ConvNet architectures: Convolutional Layer, Pooling Layer, and Fully-Connected Layer (exactly as seen in regular Neural Networks).<ref name="ref_ed02149b" />  | ||
| + | # The final layer of the CNN architecture uses a classification layer such as softmax to provide the classification output.<ref name="ref_5edec40d">[https://kr.mathworks.com/discovery/convolutional-neural-network-matlab.html Convolutional Neural Network]</ref>  | ||
| + | # This tutorial demonstrates training a simple Convolutional Neural Network (CNN) to classify CIFAR images.<ref name="ref_12404c57">[https://www.tensorflow.org/tutorials/images/cnn Convolutional Neural Network (CNN)]</ref>  | ||
| + | # As input, a CNN takes tensors of shape (image_height, image_width, color_channels), ignoring the batch size.<ref name="ref_12404c57" />  | ||
| + | # In this example, you will configure our CNN to process inputs of shape (32, 32, 3), which is the format of CIFAR images.<ref name="ref_12404c57" />  | ||
| + | # Why ReLU is important : ReLU’s purpose is to introduce non-linearity in our ConvNet.<ref name="ref_b3925190">[https://medium.com/@RaghavPrabhu/understanding-of-convolutional-neural-network-cnn-deep-learning-99760835f148 Understanding of Convolutional Neural Network (CNN) — Deep Learning]</ref>  | ||
| + | # The pre-processing required in a ConvNet is much lower as compared to other classification algorithms.<ref name="ref_45f9e918">[https://towardsdatascience.com/a-comprehensive-guide-to-convolutional-neural-networks-the-eli5-way-3bd2b1164a53 A Comprehensive Guide to Convolutional Neural Networks — the ELI5 way]</ref>  | ||
| + | # The architecture of a ConvNet is analogous to that of the connectivity pattern of Neurons in the Human Brain and was inspired by the organization of the Visual Cortex.<ref name="ref_45f9e918" />  | ||
| + | # A ConvNet is able to successfully capture the Spatial and Temporal dependencies in an image through the application of relevant filters.<ref name="ref_45f9e918" />  | ||
| + | # The role of the ConvNet is to reduce the images into a form which is easier to process, without losing features which are critical for getting a good prediction.<ref name="ref_45f9e918" />  | ||
| + | # CNN is a class of deep learning networks that has attracted much attention in recent studies.<ref name="ref_84209ded">[https://www.sciencedirect.com/topics/engineering/convolutional-neural-network Convolutional Neural Network - an overview]</ref>  | ||
| + | # At the beginning of the application of CNN, a similar pipeline is adopted as in the supervised learning models, except that the machine learning algorithms are replaced by CNN.<ref name="ref_84209ded" />  | ||
| + | # The pipeline of CNN-based models is illustrated in Fig.<ref name="ref_84209ded" />  | ||
| + | # Illustration of CNN-based model.<ref name="ref_84209ded" />  | ||
| + | # As shown, it is necessary to prepare a large number of training data with corresponding labels for efficient classification using CNN.<ref name="ref_6e8aae44">[https://insightsimaging.springeropen.com/articles/10.1007/s13244-018-0639-9 Convolutional neural networks: an overview and application in radiology]</ref>  | ||
| + | # They used a multiview strategy in 3D-CNN, whose inputs were obtained by cropping three 3D patches of a lung nodule in different sizes and then resizing them into the same size.<ref name="ref_6e8aae44" />  | ||
| + | # To utilize time series data, the study used triphasic CT images as 2D images with three channels, which corresponds to the RGB color channels in computer vision, for 2D-CNN.<ref name="ref_6e8aae44" />  | ||
| + | # However, one can also apply CNN to this task as well.<ref name="ref_6e8aae44" />  | ||
| + | # Central to the convolutional neural network is the convolutional layer that gives the network its name.<ref name="ref_94c67b81">[https://machinelearningmastery.com/convolutional-layers-for-deep-learning-neural-networks/ How Do Convolutional Layers Work in Deep Learning Neural Networks?]</ref>  | ||
| + | # In the context of a convolutional neural network, a convolution is a linear operation that involves the multiplication of a set of weights with the input, much like a traditional neural network.<ref name="ref_94c67b81" />  | ||
| + | # The name “convolutional neural network” indicates that the network employs a mathematical operation called convolution.<ref name="ref_2da42839">[https://en.wikipedia.org/wiki/Convolutional_neural_network Convolutional neural network]</ref>  | ||
| + | # A convolutional neural network consists of an input and an output layer, as well as multiple hidden layers.<ref name="ref_2da42839" />  | ||
| + | # The hidden layers of a CNN typically consist of a series of convolutional layers that convolve with a multiplication or other dot product.<ref name="ref_2da42839" />  | ||
| + | # The neocognitron is the first CNN which requires units located at multiple network positions to have shared weights.<ref name="ref_2da42839" />  | ||
| + | # To start, the CNN receives an input feature map: a three-dimensional matrix where the size of the first two dimensions corresponds to the length and width of the images in pixels.<ref name="ref_ddd0610c">[https://developers.google.com/machine-learning/practica/image-classification/convolutional-neural-networks ML Practicum: Image Classification]</ref>  | ||
| + | # For each filter-tile pair, the CNN performs element-wise multiplication of the filter matrix and the tile matrix, and then sums all the elements of the resulting matrix to get a single value.<ref name="ref_ddd0610c" />  | ||
| + | # During training, the CNN "learns" the optimal values for the filter matrices that enable it to extract meaningful features (textures, edges, shapes) from the input feature map.<ref name="ref_ddd0610c" />  | ||
| + | # As the number of filters (output feature map depth) applied to the input increases, so does the number of features the CNN can extract.<ref name="ref_ddd0610c" />  | ||
| + | # These operations are the basic building blocks of every Convolutional Neural Network, so understanding how these work is an important step to developing a sound understanding of ConvNets.<ref name="ref_e4795691">[https://ujjwalkarn.me/2016/08/11/intuitive-explanation-convnets/ An Intuitive Explanation of Convolutional Neural Networks]</ref>  | ||
| + | # The primary purpose of Convolution in case of a ConvNet is to extract features from the input image.<ref name="ref_e4795691" />  | ||
| + | # It is important to understand that these layers are the basic building blocks of any CNN.<ref name="ref_e4795691" />  | ||
| + | # Please note however, that these operations can be repeated any number of times in a single ConvNet.<ref name="ref_e4795691" />  | ||
| + | # Deep CNN made a noteworthy contribution in several domains like image classification and recognition; therefore, they become widely known standards.<ref name="ref_af995ae6">[https://link.springer.com/article/10.1007/s13748-019-00203-0 Convolutional neural network: a review of models, methodologies and applications to object detection]</ref>  | ||
| + | # This section describes various classical and modern architectures of Deep CNN, which are currently utilized as a building block of several segmentation architectures.<ref name="ref_af995ae6" />  | ||
| + | # This CNN model implements dropout layers with a particular end goal to battle the issue of overfitting to the training data.<ref name="ref_af995ae6" />  | ||
| + | # The controller is a predefined RNN, where child model is the required CNN for classification of images.<ref name="ref_af995ae6" />  | ||
| + | ===소스===  | ||
| + |  <references />  | ||
2020년 12월 22일 (화) 02:18 판
노트
위키데이터
- ID : Q17084460
 
말뭉치
- ConvNet architectures make the explicit assumption that the inputs are images, which allows us to encode certain properties into the architecture.[1]
 - A ConvNet arranges its neurons in three dimensions (width, height, depth), as visualized in one of the layers.[1]
 - A ConvNet is made up of Layers.[1]
 - We use three main types of layers to build ConvNet architectures: Convolutional Layer, Pooling Layer, and Fully-Connected Layer (exactly as seen in regular Neural Networks).[1]
 - The final layer of the CNN architecture uses a classification layer such as softmax to provide the classification output.[2]
 - This tutorial demonstrates training a simple Convolutional Neural Network (CNN) to classify CIFAR images.[3]
 - As input, a CNN takes tensors of shape (image_height, image_width, color_channels), ignoring the batch size.[3]
 - In this example, you will configure our CNN to process inputs of shape (32, 32, 3), which is the format of CIFAR images.[3]
 - Why ReLU is important : ReLU’s purpose is to introduce non-linearity in our ConvNet.[4]
 - The pre-processing required in a ConvNet is much lower as compared to other classification algorithms.[5]
 - The architecture of a ConvNet is analogous to that of the connectivity pattern of Neurons in the Human Brain and was inspired by the organization of the Visual Cortex.[5]
 - A ConvNet is able to successfully capture the Spatial and Temporal dependencies in an image through the application of relevant filters.[5]
 - The role of the ConvNet is to reduce the images into a form which is easier to process, without losing features which are critical for getting a good prediction.[5]
 - CNN is a class of deep learning networks that has attracted much attention in recent studies.[6]
 - At the beginning of the application of CNN, a similar pipeline is adopted as in the supervised learning models, except that the machine learning algorithms are replaced by CNN.[6]
 - The pipeline of CNN-based models is illustrated in Fig.[6]
 - Illustration of CNN-based model.[6]
 - As shown, it is necessary to prepare a large number of training data with corresponding labels for efficient classification using CNN.[7]
 - They used a multiview strategy in 3D-CNN, whose inputs were obtained by cropping three 3D patches of a lung nodule in different sizes and then resizing them into the same size.[7]
 - To utilize time series data, the study used triphasic CT images as 2D images with three channels, which corresponds to the RGB color channels in computer vision, for 2D-CNN.[7]
 - However, one can also apply CNN to this task as well.[7]
 - Central to the convolutional neural network is the convolutional layer that gives the network its name.[8]
 - In the context of a convolutional neural network, a convolution is a linear operation that involves the multiplication of a set of weights with the input, much like a traditional neural network.[8]
 - The name “convolutional neural network” indicates that the network employs a mathematical operation called convolution.[9]
 - A convolutional neural network consists of an input and an output layer, as well as multiple hidden layers.[9]
 - The hidden layers of a CNN typically consist of a series of convolutional layers that convolve with a multiplication or other dot product.[9]
 - The neocognitron is the first CNN which requires units located at multiple network positions to have shared weights.[9]
 - To start, the CNN receives an input feature map: a three-dimensional matrix where the size of the first two dimensions corresponds to the length and width of the images in pixels.[10]
 - For each filter-tile pair, the CNN performs element-wise multiplication of the filter matrix and the tile matrix, and then sums all the elements of the resulting matrix to get a single value.[10]
 - During training, the CNN "learns" the optimal values for the filter matrices that enable it to extract meaningful features (textures, edges, shapes) from the input feature map.[10]
 - As the number of filters (output feature map depth) applied to the input increases, so does the number of features the CNN can extract.[10]
 - These operations are the basic building blocks of every Convolutional Neural Network, so understanding how these work is an important step to developing a sound understanding of ConvNets.[11]
 - The primary purpose of Convolution in case of a ConvNet is to extract features from the input image.[11]
 - It is important to understand that these layers are the basic building blocks of any CNN.[11]
 - Please note however, that these operations can be repeated any number of times in a single ConvNet.[11]
 - Deep CNN made a noteworthy contribution in several domains like image classification and recognition; therefore, they become widely known standards.[12]
 - This section describes various classical and modern architectures of Deep CNN, which are currently utilized as a building block of several segmentation architectures.[12]
 - This CNN model implements dropout layers with a particular end goal to battle the issue of overfitting to the training data.[12]
 - The controller is a predefined RNN, where child model is the required CNN for classification of images.[12]
 
소스
- ↑ 1.0 1.1 1.2 1.3 CS231n Convolutional Neural Networks for Visual Recognition
 - ↑ Convolutional Neural Network
 - ↑ 3.0 3.1 3.2 Convolutional Neural Network (CNN)
 - ↑ Understanding of Convolutional Neural Network (CNN) — Deep Learning
 - ↑ 5.0 5.1 5.2 5.3 A Comprehensive Guide to Convolutional Neural Networks — the ELI5 way
 - ↑ 6.0 6.1 6.2 6.3 Convolutional Neural Network - an overview
 - ↑ 7.0 7.1 7.2 7.3 Convolutional neural networks: an overview and application in radiology
 - ↑ 8.0 8.1 How Do Convolutional Layers Work in Deep Learning Neural Networks?
 - ↑ 9.0 9.1 9.2 9.3 Convolutional neural network
 - ↑ 10.0 10.1 10.2 10.3 ML Practicum: Image Classification
 - ↑ 11.0 11.1 11.2 11.3 An Intuitive Explanation of Convolutional Neural Networks
 - ↑ 12.0 12.1 12.2 12.3 Convolutional neural network: a review of models, methodologies and applications to object detection