Convolutional neural network (original) (raw)
Una xarxa neuronal convolucional (l'acrònim anglès és CNN), en aprenentatge automàtic, és un tipus de xarxa neuronal artificial que disposa de connectivitat entre neurones inspirada pel còrtex visual dels animals. La resposta d'aquestes neurones corticals pot ser aproximada matemàticament per una funció de convolució. Les aplicacions de les CNN són el reconeixement d'imatges, sistemes de recomanació i processament del llenguatge.
Property | Value |
---|---|
dbo:abstract | Una xarxa neuronal convolucional (l'acrònim anglès és CNN), en aprenentatge automàtic, és un tipus de xarxa neuronal artificial que disposa de connectivitat entre neurones inspirada pel còrtex visual dels animals. La resposta d'aquestes neurones corticals pot ser aproximada matemàticament per una funció de convolució. Les aplicacions de les CNN són el reconeixement d'imatges, sistemes de recomanació i processament del llenguatge. (ca) الشبكات العصبونية الإلتفافية (بالإنجليزية: Convolutional neural network)، نوع خاص من أنواع الشبكات العصبونية بالتغذية الأمامية (بالإنجليزية: Feed forward neural network) و تستمد إلهامها من العمليات البيولوجية الحاصلة في الفص البصري بالتحديد في دماغ الكائنات الحية، وتعتبر حلاً للكثير من مشاكل الرؤية الحاسوبية في الذكاء الاصطناعي مثل معالجة الصور والفيديوهات، يوجد لبنيتها عدة تصاميم ولكن Le-Net 5 يعتبر النموذج الأكثر شهرة وتطبيقاً عملياً وقد قدمه عالم الحاسوب الفرنسي «يان لوكون» (Yann André LeCun) عام 1998م. (ar) Ein Convolutional Neural Network (CNN oder ConvNet), zu Deutsch etwa „faltendes neuronales Netzwerk“, ist ein künstliches neuronales Netz. Es handelt sich um ein von biologischen Prozessen inspiriertes Konzept im Bereich des maschinellen Lernens. Convolutional Neural Networks finden Anwendung in zahlreichen Technologien der künstlichen Intelligenz, vornehmlich bei der maschinellen Verarbeitung von Bild- oder Audiodaten. Die CNN-Architektur wurde von Kunihiko Fukushima unter dem Namen Neocognitron eingeführt. Alex Waibels CNN namens TDNN (1987) wurde durch Backpropagation trainiert und erzielte Bewegungsinvarianz. Auch Yann LeCun publizierte wichtige Beiträge zu CNNs. (de) In deep learning, a convolutional neural network (CNN, or ConvNet) is a class of artificial neural network (ANN), most commonly applied to analyze visual imagery. CNNs are also known as Shift Invariant or Space Invariant Artificial Neural Networks (SIANN), based on the shared-weight architecture of the convolution kernels or filters that slide along input features and provide translation-equivariant responses known as feature maps. Counter-intuitively, most convolutional neural networks are not invariant to translation, due to the downsampling operation they apply to the input. They have applications in image and video recognition, recommender systems, image classification, image segmentation, medical image analysis, natural language processing, brain–computer interfaces, and financial time series. CNNs are regularized versions of multilayer perceptrons. Multilayer perceptrons usually mean fully connected networks, that is, each neuron in one layer is connected to all neurons in the next layer. The "full connectivity" of these networks make them prone to overfitting data. Typical ways of regularization, or preventing overfitting, include: penalizing parameters during training (such as weight decay) or trimming connectivity (skipped connections, dropout, etc.) CNNs take a different approach towards regularization: they take advantage of the hierarchical pattern in data and assemble patterns of increasing complexity using smaller and simpler patterns embossed in their filters. Therefore, on a scale of connectivity and complexity, CNNs are on the lower extreme. Convolutional networks were inspired by biological processes in that the connectivity pattern between neurons resembles the organization of the animal visual cortex. Individual cortical neurons respond to stimuli only in a restricted region of the visual field known as the receptive field. The receptive fields of different neurons partially overlap such that they cover the entire visual field. CNNs use relatively little pre-processing compared to other image classification algorithms. This means that the network learns to optimize the filters (or kernels) through automated learning, whereas in traditional algorithms these filters are hand-engineered. This independence from prior knowledge and human intervention in feature extraction is a major advantage. (en) Una red neuronal convolucional es un tipo de red neuronal artificial donde las neuronas artificiales, corresponden a campos receptivos de una manera muy similar a las neuronas en la corteza visual primaria (V1) de un cerebro biológico[cita requerida]. Este tipo de red es una variación de un perceptron multicapa, sin embargo, debido a que su aplicación es realizada en matrices bidimensionales, son muy efectivas para tareas de visión artificial, como en la clasificación y segmentación de imágenes, entre otras aplicaciones. (es) En apprentissage automatique, un réseau de neurones convolutifs ou réseau de neurones à convolution (en anglais CNN ou ConvNet pour convolutional neural networks) est un type de réseau de neurones artificiels acycliques (feed-forward), dans lequel le motif de connexion entre les neurones est inspiré par le cortex visuel des animaux. Les neurones de cette région du cerveau sont arrangés de sorte qu'ils correspondent à des régions qui se chevauchent lors du pavage du champ visuel. Leur fonctionnement est inspiré par les processus biologiques, ils consistent en un empilage multicouche de perceptrons, dont le but est de prétraiter de petites quantités d'informations. Les réseaux neuronaux convolutifs ont de larges applications dans la reconnaissance d'image et vidéo, les systèmes de recommandation et le traitement du langage naturel. (fr) 합성곱 신경망(콘볼루션 신경망, Convolutional neural network, CNN)은 시각적 영상을 분석하는 데 사용되는 다층의 피드-포워드적인 인공신경망의 한 종류이다. 필터링 기법을 인공신경망에 적용하여 이미지를 효과적으로 처리할 수 있는 심층 신경망 기법으로 행렬로 표현된 필터의 각 요소가 데이터 처리에 적합하도록 자동으로 학습되는 과정을 통해 이미지를 분류하는 기법이다. 합성곱 신경망은 정규화 된 버전의 다층 퍼셉트론이다. 다층 퍼셉트론은 일반적으로 완전히 연결된 네트워크, 즉 한 계층의 각 뉴런이 다음 계층의 모든 뉴런에 연결되는 신경망 구조이다. 이와 같이 네트워크가 완전 연결된 경우 주어진 데이터에 과적합 되는 경향이 있다. 일반적인 정규화를 위해 최적화 함수에 특정 척도를 추가하는 방법이 흔히 쓰이지만, CNN은 정규화를 위한 다른 접근 방식을 취한다. 데이터에서 계층적 패턴을 활용하고 더 작고 간단한 패턴을 사용하여 더 복잡한 패턴을 표현함으로써 정규화와 같은 효과를 내는 것이다. 따라서 합성곱 신경망의 연결 구조의 복잡성은 유사한 기능의 다층 퍼셉트론에 비해 극단적으로 낮다. (ko) 畳み込みニューラルネットワーク(たたみこみニューラルネットワーク、英: Convolutional neural network、略称: CNNまたはConvNet)は層間を共通重みの局所結合で繋いだニューラルネットワークの総称・クラスである。機械学習、特に画像や動画認識に広く使われる。 CNNは、その重み(行列の)共有構造と並進不変特性に基づいて、シフト不変(shift invariant)あるいは位置不変(space invariant)人工ニューラルネットワーク(SIANN)とも呼ばれている。 一般的な畳み込み処理は以下のように定式化される。はj番目の出力チャネルを、は相互相関関数を意味する。 すなわち各出力チャネル ごとに入力チャネル 枚分の畳み込みカーネル が用意され、カーネルを用いた各入力チャネルの畳み込みの総和へバイアス項 が付与され各チャネル出力となっている。式からわかるように、入力チャネル間は畳み込み処理ではなく和で計算され、また入力チャネル と畳みこまれるカーネルは出力チャネルごとに異なる。 カーネルはしばしばフィルタと呼ばれる。これは位置関係をもつ重みづけ和のスライド演算(畳み込み)がフィルタ適用と等価なことに由来する。 畳み込み処理自体は単純な線形変換である。出力のある1点を見ると局所以外の重みが全て0の全結合と等価であることからこれはわかる。多くのCNNでは畳み込み処理に引き続いてシグモイド関数やReLUなどの活性化関数による非線形変換をおこなう。 単純なCNNは順伝播型 (FFN)、すなわち浅い層から深い層へのみ結合をもつ。ただしCNNは2層間の結合様式を規定するクラスでありFFNと限らない。非FFN型CNNの一例として大局的に回帰結合をもち層間では畳み込みをおこなうRecurrent CNNが提唱されている。 CNNは画像・動画認識やレコメンダシステム、自然言語処理に応用されている。 (ja) Nell'apprendimento automatico, una rete neurale convoluzionale (CNN o ConvNet dall'inglese convolutional neural network) è un tipo di rete neurale artificiale feed-forward in cui il pattern di connettività tra i neuroni è ispirato dall'organizzazione della corteccia visiva animale, i cui neuroni individuali sono disposti in maniera tale da rispondere alle regioni di sovrapposizione che tassellano il campo visivo.Le reti convoluzionali sono ispirate da processi biologici e sono variazioni di percettroni multistrato progettate per usare al minimo la pre-elaborazione.Hanno diverse applicazioni nel riconoscimento di immagini e video, nei sistemi di raccomandazione, nell'elaborazione del linguaggio naturale e, recentemente, in bioinformatica. (it) No contexto de inteligência artificial e aprendizagem de máquina, uma rede neural convolucional (CNN do inglês Convolutional Neural network ou ConvNet) é uma classe de rede neural artificial do tipo feed-forward, que vem sendo aplicada com sucesso no processamento e análise de imagens digitais. Uma CNN usa uma variação de perceptrons multicamada desenvolvidos de modo a demandar o mínimo pré-processamento possível. Essas redes também são conhecidas como redes neurais artificiais invariantes a deslocamento (shift invariant) ou invariantes a espaço (space invariant), em ambos os casos representadas pela sigla em inglês SIANN. As redes convolucionais são inspiradas nos processos biológicos. Nelas o padrão de conectividade entre os neurônios é inspirado na organização do córtex visual dos animais. Neurônios corticais individuais respondem a estímulos apenas em regiões restritas do campo de visão conhecidas como campos receptivos. Os campos receptivos de diferentes neurônios se sobrepõem parcialmente de forma a cobrir todo o campo de visão. Uma CNN tende a demandar um nivel minimo de pre-processamento quando comparada a outros algoritmos de classificação de imagens. Isso significa que a rede "aprende" os filtros que em um algoritmo tradicional precisariam ser implementados manualmente. Essa independencia de um conhecimento a priori e do esforço humano no desenvolvimento de suas funcionalidades basicas pode ser considerada a maior vantagem de sua aplicação. Esse tipo de rede é usada principalmente em reconhecimento de imagens e processamento de vídeo, embora já tenha sido aplicada com sucesso em experimentos envolvendo processamento de voz e linguagem natural. Na saúde usa-se esta metodologia com algoritmos específicos, recorrendo a um grande número de fotografias clínicas, para o diagnóstico da retinopatia diabética e do cancro da pele, com resultados muito precisos e comparáveis aos clínicos especializados. (pt) Свёрточная нейронная сеть (англ. convolutional neural network, CNN) — специальная архитектура искусственных нейронных сетей, предложенная Яном Лекуном в 1988 году и нацеленная на эффективное распознавание образов, входит в состав технологий глубокого обучения (англ. deep learning). Использует некоторые особенности зрительной коры, в которой были открыты так называемые простые клетки, реагирующие на прямые линии под разными углами, и сложные клетки, реакция которых связана с активацией определённого набора простых клеток. Таким образом, идея свёрточных нейронных сетей заключается в чередовании свёрточных слоёв (англ. convolution layers) и субдискретизирующих слоёв (англ. subsampling layers или англ. pooling layers, слоёв подвыборки). Структура сети — однонаправленная (без обратных связей), принципиально многослойная. Для обучения используются стандартные методы, чаще всего метод обратного распространения ошибки. Функция активации нейронов (передаточная функция) — любая, по выбору исследователя. Название архитектура сети получила из-за наличия операции свёртки, суть которой в том, что каждый фрагмент изображения умножается на матрицу (ядро) свёртки поэлементно, а результат суммируется и записывается в аналогичную позицию выходного изображения. (ru) 卷积神经网络(Convolutional Neural Network, CNN)是一种前馈神经网络,它的人工神经元可以响应一部分覆盖范围内的周围单元,对于大型图像处理有出色表现。 卷积神经网络由一个或多个卷积层和顶端的全连通层(对应经典的神经网络)组成,同时也包括关联权重和池化层(pooling layer)。这一结构使得卷积神经网络能够利用输入数据的二维结构。与其他深度学习结构相比,卷积神经网络在图像和语音识别方面能够给出更好的结果。这一模型也可以使用反向传播算法进行训练。相比较其他深度、前馈神经网络,卷积神经网络需要考量的参数更少,使之成为一种颇具吸引力的深度学习结构。 (zh) Зго́рткові нейро́нні мере́жі (ЗНМ, англ. convolutional neural network, CNN, ConvNet) в машинному навчанні — це клас глибинних штучних нейронних мереж прямого поширення, який успішно застосовувався до аналізу візуальних зображень. ЗНМ використовують різновид багатошарових перцептронів, розроблений так, щоби вимагати використання мінімального обсягу попередньої обробки. Вони відомі також як інваріа́нтні відно́сно зсу́ву (англ. shift invariant) або просторо́во інваріа́нтні шту́чні нейро́нні мере́жі (англ. space invariant artificial neural networks, SIANN), виходячи з їхньої архітектури спільних ваг та характеристик інваріантності відносно паралельного перенесення. Згорткові мережі взяли за основу біологічний процес, а саме схему з'єднання нейронів зорової кори тварин. Окремі нейрони кори реагують на лише в обмеженій області зорового поля, відомій як рецептивне поле. Рецептивні поля різних нейронів частково перекриваються таким чином, що вони покривають усе зорове поле. ЗНМ використовують порівняно мало попередньої обробки, в порівнянні з іншими алгоритмами класифікування зображень. Це означає, що мережа навчається , що в традиційних алгоритмах конструювали вручну. Ця незалежність у конструюванні ознак від апріорних знань та людських зусиль є великою перевагою. Вони мають застосування в розпізнаванні зображень та відео, рекомендаційних системах та обробці природної мови. (uk) |
dbo:thumbnail | wiki-commons:Special:FilePath/Comparison_image_neural_networks.svg?width=300 |
dbo:wikiPageExternalLink | https://cs231n.github.io/ https://ujjwalkarn.me/2016/08/11/intuitive-explanation-convnets/ https://www.completegate.com/2017022864/blog/deep-machine-learning-images-lenet-alexnet-cnn/all-pages |
dbo:wikiPageID | 40409788 (xsd:integer) |
dbo:wikiPageLength | 117574 (xsd:nonNegativeInteger) |
dbo:wikiPageRevisionID | 1123805333 (xsd:integer) |
dbo:wikiPageWikiLink | dbr:Caffe_(software) dbr:Python_(programming_language) dbr:Q-learning dbr:Scala_(programming_language) dbr:Elastic_net_regularization dbr:Electromyography dbr:Multinomial_distribution dbr:Natural_language_processing dbr:Time_series dbr:Cortical_neuron dbr:David_H._Hubel dbr:Deep_neural_network dbr:Deeplearning4j dbr:Deformation_theory dbr:Anti-aliasing_filter dbr:Hydrogen_bond dbr:Hyperbolic_tangent dbr:Retina dbr:Curse_of_dimensionality dbr:Visual_system dbr:David_B._Fogel dbr:Decision_boundary dbr:DeepDream dbr:Deep_belief_network dbr:Deep_learning dbr:Deterministic_algorithm dbr:Downsampling_(signal_processing) dbr:GPU dbr:L2_norm dbr:Convolution dbr:Cross_entropy dbr:Mathematical_biology dbr:Matrix_multiplication dbr:Maximum dbr:Medical_image_computing dbr:SIMD dbr:Salience_(neuroscience) dbr:Generalization_(learning) dbr:Nonlinearity_(journal) dbr:Orbital_hybridisation dbr:Alex_Waibel dbr:GNU_Go dbr:GPGPU dbr:GigaMesh_Software_Framework dbr:Brain–computer_interface dbr:Monte_Carlo_tree_search dbr:Multiple_sclerosis dbr:Conformal_prediction dbr:Coprocessor dbr:Cross-validation_(statistics) dbr:Theano_(software) dbr:Equivariant_map dbr:Recurrent_neural_networks dbr:Andrej_Karpathy dbr:Apache_License dbr:Apache_Spark dbr:Aromaticity dbr:Lua_(programming_language) dbr:MATLAB dbr:MNIST dbr:MNIST_database dbr:Machine_learning dbr:Mammography dbr:Stanford_University dbr:Clay_tablet dbr:Complex_cell dbr:Compute_kernel dbr:Computer_Go dbr:Computer_vision dbr:Feature_(machine_learning) dbr:Feature_engineering dbr:Frobenius_inner_product dbr:Kernel_(image_processing) dbr:Kunihiko_Fukushima dbr:Stride_of_an_array dbr:Symmetry dbr:Backpropagation dbc:Computational_neuroscience dbr:C++ dbr:CUDA dbr:C_(programming_language) dbr:C_Sharp_(programming_language) dbr:Activation_function dbr:Three-dimensional_space dbr:Torch_(machine_learning) dbr:Torsten_Wiesel dbr:Transfer_learning dbr:Translational_symmetry dbr:Data_augmentation dbr:Data_loss dbr:Drug_discovery dbr:Layer_(deep_learning) dbr:Locality_of_reference dbr:Simple_cell dbr:Video_quality dbr:Affine_transformation dbr:Aliasing dbr:Amos_Storkey dbc:Computer_vision dbr:Cuneiform dbr:Curvature dbr:Database dbr:Draughts dbr:Dropout_(neural_networks) dbr:AlphaGo dbr:Euclidean_norm dbr:Expected_value dbr:Facial_recognition_system dbr:NumPy dbr:Partition_of_a_set dbr:Capsule_neural_network dbr:Biological dbr:Dimensionality_reduction dbr:Go_ranks_and_ratings dbr:Graphics_processing_unit dbr:Visual_cortex dbr:Per-comparison_error_rate dbr:Memory_footprint dbr:Visual_field dbr:Precision_and_recall dbr:Protein dbr:RGB_color_model dbr:Receptive_field dbr:Rectifier_(neural_networks) dbr:Recurrent_neural_network dbr:Region_of_interest dbr:Regularization_(mathematics) dbr:Reinforcement_learning dbr:Attention_(machine_learning) dbr:Intersection_(set_theory) dbr:Java_(programming_language) dbr:Tensor dbr:TensorFlow dbr:Tensor_processing_unit dbr:Hyperparameter_(machine_learning) dbr:Hyperparameter_optimization dbr:Object_detection dbr:Artificial_neural_network dbr:Atari_2600 dbr:Channel_(digital_image) dbr:Chinook_(draughts_player) dbr:AlexNet dbr:L1-norm dbr:Biomarkers_of_aging dbr:Biomolecule dbr:Blondie24 dbr:Ebola_virus dbr:Elastic_deformation dbr:Training dbr:ZIP_Code dbr:Text-to-Video_model dbr:Zero_norm dbr:Dlib dbr:Dot_product dbr:3D_scanner dbr:Artificial_neuron dbc:Neural_network_architectures dbr:Average dbr:Boltzmann_machine dbr:CIFAR-10 dbr:Softmax_function dbr:Filter_(signal_processing) dbr:Free_parameter dbr:Ground_truth dbr:Scientific_computing dbr:Max_pooling dbr:Ill-posed_problem dbr:Image_segmentation dbr:Integer dbr:Microsoft_Cognitive_Toolkit dbr:Nyquist–Shannon_sampling_theorem dbr:Organisms dbr:Real_number dbr:Recommender_system dbr:Self-driving_car dbr:CPU dbr:Yann_LeCun dbr:Long_short-term_memory dbr:Loss_function dbr:Scale-invariant_feature_transform dbr:Sigmoid_function dbr:Vision_processing_unit dbr:Neocognitron dbr:Visual_spatial_attention dbr:Euclidean_distance dbr:Unsupervised_learning dbr:Proportional_hazards_model dbr:National_Health_and_Nutrition_Examination_Survey dbr:Visual_temporal_attention dbr:Multilayer_perceptron dbr:Semantic_parsing dbr:Syllable dbr:Natural-language_processing dbr:Vector_addition dbr:Nonlinear_filter dbr:Time_delay_neural_network dbr:Safety-critical_system dbr:Overfitting dbr:Sparse_approximation dbr:Sparse_network dbr:Translation_invariance dbr:Translation_invariant dbr:IDSIA dbr:RGB_images dbr:Regression_(machine_learning) dbr:ImageNet_Large_Scale_Visual_Recognition_Challenge dbr:Image_classification dbr:Image_recognition dbr:Intel_Xeon_Phi dbr:Spatial_locality dbr:Root_mean_square_error dbr:Structure-based_drug_design dbr:File:Comparison_image_neural_networks.svg dbr:File:Conv_layer.png dbr:File:Conv_layers.png dbr:File:Max_pooling.png dbr:File:Neural_Abstraction_Pyramid.jpg dbr:File:RoI_pooling_animated.gif dbr:File:Typical_cnn.png dbr:GoogLeNet |
dbp:date | December 2018 (en) |
dbp:wikiPageUsesTemplate | dbt:Citation_needed dbt:Clarify dbt:Example_needed dbt:Main dbt:More_citations_needed dbt:More_citations_needed_section dbt:Other_uses dbt:Reflist dbt:Rp dbt:Short_description dbt:TOC_limit dbt:When dbt:Which dbt:Machine_learning dbt:Lang-en-GB |
dct:subject | dbc:Computational_neuroscience dbc:Computer_vision dbc:Neural_network_architectures |
gold:hypernym | dbr:Network |
rdf:type | dbo:Broadcaster yago:WikicatArtificialNeuralNetworks yago:Abstraction100002137 yago:Communication100033020 yago:ComputerArchitecture106725249 yago:Description106724763 yago:Message106598915 yago:NeuralNetwork106725467 yago:Specification106725067 yago:Statement106722453 |
rdfs:comment | Una xarxa neuronal convolucional (l'acrònim anglès és CNN), en aprenentatge automàtic, és un tipus de xarxa neuronal artificial que disposa de connectivitat entre neurones inspirada pel còrtex visual dels animals. La resposta d'aquestes neurones corticals pot ser aproximada matemàticament per una funció de convolució. Les aplicacions de les CNN són el reconeixement d'imatges, sistemes de recomanació i processament del llenguatge. (ca) الشبكات العصبونية الإلتفافية (بالإنجليزية: Convolutional neural network)، نوع خاص من أنواع الشبكات العصبونية بالتغذية الأمامية (بالإنجليزية: Feed forward neural network) و تستمد إلهامها من العمليات البيولوجية الحاصلة في الفص البصري بالتحديد في دماغ الكائنات الحية، وتعتبر حلاً للكثير من مشاكل الرؤية الحاسوبية في الذكاء الاصطناعي مثل معالجة الصور والفيديوهات، يوجد لبنيتها عدة تصاميم ولكن Le-Net 5 يعتبر النموذج الأكثر شهرة وتطبيقاً عملياً وقد قدمه عالم الحاسوب الفرنسي «يان لوكون» (Yann André LeCun) عام 1998م. (ar) Una red neuronal convolucional es un tipo de red neuronal artificial donde las neuronas artificiales, corresponden a campos receptivos de una manera muy similar a las neuronas en la corteza visual primaria (V1) de un cerebro biológico[cita requerida]. Este tipo de red es una variación de un perceptron multicapa, sin embargo, debido a que su aplicación es realizada en matrices bidimensionales, son muy efectivas para tareas de visión artificial, como en la clasificación y segmentación de imágenes, entre otras aplicaciones. (es) 합성곱 신경망(콘볼루션 신경망, Convolutional neural network, CNN)은 시각적 영상을 분석하는 데 사용되는 다층의 피드-포워드적인 인공신경망의 한 종류이다. 필터링 기법을 인공신경망에 적용하여 이미지를 효과적으로 처리할 수 있는 심층 신경망 기법으로 행렬로 표현된 필터의 각 요소가 데이터 처리에 적합하도록 자동으로 학습되는 과정을 통해 이미지를 분류하는 기법이다. 합성곱 신경망은 정규화 된 버전의 다층 퍼셉트론이다. 다층 퍼셉트론은 일반적으로 완전히 연결된 네트워크, 즉 한 계층의 각 뉴런이 다음 계층의 모든 뉴런에 연결되는 신경망 구조이다. 이와 같이 네트워크가 완전 연결된 경우 주어진 데이터에 과적합 되는 경향이 있다. 일반적인 정규화를 위해 최적화 함수에 특정 척도를 추가하는 방법이 흔히 쓰이지만, CNN은 정규화를 위한 다른 접근 방식을 취한다. 데이터에서 계층적 패턴을 활용하고 더 작고 간단한 패턴을 사용하여 더 복잡한 패턴을 표현함으로써 정규화와 같은 효과를 내는 것이다. 따라서 합성곱 신경망의 연결 구조의 복잡성은 유사한 기능의 다층 퍼셉트론에 비해 극단적으로 낮다. (ko) Nell'apprendimento automatico, una rete neurale convoluzionale (CNN o ConvNet dall'inglese convolutional neural network) è un tipo di rete neurale artificiale feed-forward in cui il pattern di connettività tra i neuroni è ispirato dall'organizzazione della corteccia visiva animale, i cui neuroni individuali sono disposti in maniera tale da rispondere alle regioni di sovrapposizione che tassellano il campo visivo.Le reti convoluzionali sono ispirate da processi biologici e sono variazioni di percettroni multistrato progettate per usare al minimo la pre-elaborazione.Hanno diverse applicazioni nel riconoscimento di immagini e video, nei sistemi di raccomandazione, nell'elaborazione del linguaggio naturale e, recentemente, in bioinformatica. (it) 卷积神经网络(Convolutional Neural Network, CNN)是一种前馈神经网络,它的人工神经元可以响应一部分覆盖范围内的周围单元,对于大型图像处理有出色表现。 卷积神经网络由一个或多个卷积层和顶端的全连通层(对应经典的神经网络)组成,同时也包括关联权重和池化层(pooling layer)。这一结构使得卷积神经网络能够利用输入数据的二维结构。与其他深度学习结构相比,卷积神经网络在图像和语音识别方面能够给出更好的结果。这一模型也可以使用反向传播算法进行训练。相比较其他深度、前馈神经网络,卷积神经网络需要考量的参数更少,使之成为一种颇具吸引力的深度学习结构。 (zh) Ein Convolutional Neural Network (CNN oder ConvNet), zu Deutsch etwa „faltendes neuronales Netzwerk“, ist ein künstliches neuronales Netz. Es handelt sich um ein von biologischen Prozessen inspiriertes Konzept im Bereich des maschinellen Lernens. Convolutional Neural Networks finden Anwendung in zahlreichen Technologien der künstlichen Intelligenz, vornehmlich bei der maschinellen Verarbeitung von Bild- oder Audiodaten. (de) In deep learning, a convolutional neural network (CNN, or ConvNet) is a class of artificial neural network (ANN), most commonly applied to analyze visual imagery. CNNs are also known as Shift Invariant or Space Invariant Artificial Neural Networks (SIANN), based on the shared-weight architecture of the convolution kernels or filters that slide along input features and provide translation-equivariant responses known as feature maps. Counter-intuitively, most convolutional neural networks are not invariant to translation, due to the downsampling operation they apply to the input. They have applications in image and video recognition, recommender systems, image classification, image segmentation, medical image analysis, natural language processing, brain–computer interfaces, and financial tim (en) En apprentissage automatique, un réseau de neurones convolutifs ou réseau de neurones à convolution (en anglais CNN ou ConvNet pour convolutional neural networks) est un type de réseau de neurones artificiels acycliques (feed-forward), dans lequel le motif de connexion entre les neurones est inspiré par le cortex visuel des animaux. Les neurones de cette région du cerveau sont arrangés de sorte qu'ils correspondent à des régions qui se chevauchent lors du pavage du champ visuel. Leur fonctionnement est inspiré par les processus biologiques, ils consistent en un empilage multicouche de perceptrons, dont le but est de prétraiter de petites quantités d'informations. Les réseaux neuronaux convolutifs ont de larges applications dans la reconnaissance d'image et vidéo, les systèmes de recommanda (fr) 畳み込みニューラルネットワーク(たたみこみニューラルネットワーク、英: Convolutional neural network、略称: CNNまたはConvNet)は層間を共通重みの局所結合で繋いだニューラルネットワークの総称・クラスである。機械学習、特に画像や動画認識に広く使われる。 CNNは、その重み(行列の)共有構造と並進不変特性に基づいて、シフト不変(shift invariant)あるいは位置不変(space invariant)人工ニューラルネットワーク(SIANN)とも呼ばれている。 一般的な畳み込み処理は以下のように定式化される。はj番目の出力チャネルを、は相互相関関数を意味する。 すなわち各出力チャネル ごとに入力チャネル 枚分の畳み込みカーネル が用意され、カーネルを用いた各入力チャネルの畳み込みの総和へバイアス項 が付与され各チャネル出力となっている。式からわかるように、入力チャネル間は畳み込み処理ではなく和で計算され、また入力チャネル と畳みこまれるカーネルは出力チャネルごとに異なる。 カーネルはしばしばフィルタと呼ばれる。これは位置関係をもつ重みづけ和のスライド演算(畳み込み)がフィルタ適用と等価なことに由来する。 CNNは画像・動画認識やレコメンダシステム、自然言語処理に応用されている。 (ja) No contexto de inteligência artificial e aprendizagem de máquina, uma rede neural convolucional (CNN do inglês Convolutional Neural network ou ConvNet) é uma classe de rede neural artificial do tipo feed-forward, que vem sendo aplicada com sucesso no processamento e análise de imagens digitais. Esse tipo de rede é usada principalmente em reconhecimento de imagens e processamento de vídeo, embora já tenha sido aplicada com sucesso em experimentos envolvendo processamento de voz e linguagem natural. (pt) Свёрточная нейронная сеть (англ. convolutional neural network, CNN) — специальная архитектура искусственных нейронных сетей, предложенная Яном Лекуном в 1988 году и нацеленная на эффективное распознавание образов, входит в состав технологий глубокого обучения (англ. deep learning). Использует некоторые особенности зрительной коры, в которой были открыты так называемые простые клетки, реагирующие на прямые линии под разными углами, и сложные клетки, реакция которых связана с активацией определённого набора простых клеток. Таким образом, идея свёрточных нейронных сетей заключается в чередовании свёрточных слоёв (англ. convolution layers) и субдискретизирующих слоёв (англ. subsampling layers или англ. pooling layers, слоёв подвыборки). Структура сети — однонаправленная (без обратных связей), (ru) Зго́рткові нейро́нні мере́жі (ЗНМ, англ. convolutional neural network, CNN, ConvNet) в машинному навчанні — це клас глибинних штучних нейронних мереж прямого поширення, який успішно застосовувався до аналізу візуальних зображень. Згорткові мережі взяли за основу біологічний процес, а саме схему з'єднання нейронів зорової кори тварин. Окремі нейрони кори реагують на лише в обмеженій області зорового поля, відомій як рецептивне поле. Рецептивні поля різних нейронів частково перекриваються таким чином, що вони покривають усе зорове поле. (uk) |
rdfs:label | شبكة عصبونية التفافية (ar) Xarxa neuronal convolucional (ca) Convolutional Neural Network (de) Convolutional neural network (en) Red neuronal convolucional (es) Réseau neuronal convolutif (fr) Rete neurale convoluzionale (it) 합성곱 신경망 (ko) 畳み込みニューラルネットワーク (ja) Rede neural convolucional (pt) Свёрточная нейронная сеть (ru) Згорткова нейронна мережа (uk) 卷积神经网络 (zh) |
owl:sameAs | freebase:Convolutional neural network yago-res:Convolutional neural network wikidata:Convolutional neural network dbpedia-ar:Convolutional neural network dbpedia-ca:Convolutional neural network dbpedia-de:Convolutional neural network dbpedia-es:Convolutional neural network dbpedia-et:Convolutional neural network dbpedia-fa:Convolutional neural network dbpedia-fr:Convolutional neural network dbpedia-he:Convolutional neural network dbpedia-it:Convolutional neural network dbpedia-ja:Convolutional neural network dbpedia-ko:Convolutional neural network http://lt.dbpedia.org/resource/Konvoliucinis_neuroninis_tinklas dbpedia-pt:Convolutional neural network dbpedia-ru:Convolutional neural network dbpedia-simple:Convolutional neural network dbpedia-sr:Convolutional neural network dbpedia-tr:Convolutional neural network dbpedia-uk:Convolutional neural network dbpedia-vi:Convolutional neural network dbpedia-zh:Convolutional neural network https://global.dbpedia.org/id/f9QB |
prov:wasDerivedFrom | wikipedia-en:Convolutional_neural_network?oldid=1123805333&ns=0 |
foaf:depiction | wiki-commons:Special:FilePath/Conv_layer.png wiki-commons:Special:FilePath/Conv_layers.png wiki-commons:Special:FilePath/Typical_cnn.png wiki-commons:Special:FilePath/Comparison_image_neural_networks.svg wiki-commons:Special:FilePath/Max_pooling.png wiki-commons:Special:FilePath/Neural_Abstraction_Pyramid.jpg wiki-commons:Special:FilePath/RoI_pooling_animated.gif |
foaf:isPrimaryTopicOf | wikipedia-en:Convolutional_neural_network |
is dbo:knownFor of | dbr:Kunihiko_Fukushima |
is dbo:wikiPageDisambiguates of | dbr:Neural_network_(disambiguation) dbr:CNN_(disambiguation) |
is dbo:wikiPageRedirects of | dbr:ConvNet dbr:Convolutional_Neural_Network dbr:Convolutional_layer dbr:Convolutional_neural_net dbr:Convolutional_neural_nets dbr:Applications_of_convolutional_neural_networks dbr:DCNN dbr:Pooling_(neural_networks) dbr:Convoluted_neural_network dbr:Convolutional_neural_networks dbr:Max_norm_constraint dbr:Max_pooling dbr:DropConnect dbr:Deep_convolutional_neural_network dbr:CNN_(machine_learning_model) dbr:Stochastic_pooling |
is dbo:wikiPageWikiLink of | dbr:Caffe_(software) dbr:Cardiac_imaging dbr:Q-learning dbr:Electronic_health_record dbr:Energy-based_generative_neural_network dbr:List_of_computer_scientists dbr:Natural_language_generation dbr:Neural_tangent_kernel dbr:MRI_artifact dbr:Merative dbr:ConvNet dbr:Convolutional_Neural_Network dbr:Convolutional_layer dbr:Beulah_Garner dbr:DeepL_Translator dbr:DeepMind dbr:Deep_image_prior dbr:Deep_learning_super_sampling dbr:Deinterlacing dbr:Algebraic_signal_processing dbr:Bharati_Script dbr:Perceiver dbr:Rita_Cucchiara dbr:Robert_J._Marks_II dbr:DL_Boost dbr:Viola–Jones_object_detection_framework dbr:DeepDream dbr:Deep_learning dbr:Deep_learning_anti-aliasing dbr:Deep_learning_in_photoacoustic_imaging dbr:Deep_reinforcement_learning dbr:Deepfake dbr:DexNet dbr:EEG_analysis dbr:Inceptionv3 dbr:Linda_Shapiro dbr:Precision_agriculture dbr:Collective_Knowledge_(software) dbr:Convolutional_neural_net dbr:Convolutional_neural_nets dbr:Convolutional_sparse_coding dbr:Generative_adversarial_network dbr:Neural_architecture_search dbr:Neural_network_(disambiguation) dbr:Otávio_Good dbr:Private_biometrics dbr:Universal_approximation_theorem dbr:Video_content_analysis dbr:WikiArt dbr:Template_matching dbr:Timeline_of_machine_learning dbr:Clarifai dbr:Alex_Waibel dbr:GPT-2 dbr:Glossary_of_artificial_intelligence dbr:Google_Camera dbr:Google_Translate dbr:Moog_Inc. dbr:Movidius dbr:Multi-task_learning dbr:MulticoreWare dbr:Multispectral_imaging dbr:Muyinatu_Bell dbr:Conformal_prediction dbr:Convolutional_deep_belief_network dbr:Crowd_counting dbr:The_Night_Watch dbr:1980_in_science dbr:Apache_MXNet dbr:Apple_electric_car_project dbr:Applications_of_convolutional_neural_networks dbr:Apps_to_analyse_COVID-19_sounds dbr:MNIST_database dbr:Shutterstock dbr:Siri dbr:Comparison_of_deep_learning_software dbr:Computer_vision dbr:Embarrassingly_parallel dbr:Emotion_recognition dbr:Fault_detection_and_isolation dbr:Feature_learning dbr:Feedforward_neural_network dbr:Halftone dbr:Keyword_spotting dbr:Kunihiko_Fukushima dbr:Pool dbr:Machine_learning_in_bioinformatics dbr:Machine_learning_in_earth_sciences dbr:Machine_learning_in_video_games dbr:Tensor_Processing_Unit dbr:Activation_function dbr:Activity_recognition dbr:Transfer_learning dbr:Data_augmentation dbr:Domain_generation_algorithm dbr:DCNN dbr:Jürgen_Schmidhuber dbr:Layer_(deep_learning) dbr:LeNet dbr:Alivecor dbr:Amos_Storkey dbr:3Blue1Brown dbr:Darkforest dbr:Facial_recognition_system dbr:Fast.ai dbr:Noise_reduction dbr:Capsule_neural_network dbr:Cellular_neural_network dbr:Fast_radio_burst dbr:Graph_Fourier_transform dbr:Graph_neural_network dbr:Handwriting_recognition dbr:History_of_artificial_neural_networks dbr:Lenia dbr:List_of_OpenCL_applications dbr:Sensor_fusion dbr:Psychedelic_art dbr:Receptive_field dbr:Recurrent_neural_network dbr:Recursive_neural_network dbr:Hierarchical_temporal_memory dbr:History_of_Facebook dbr:TensorFlow dbr:Margarita_Chli dbr:Object_detection dbr:U-Net dbr:Artificial_intelligence dbr:Artificial_neural_network dbr:Accuracy_and_precision dbr:Acoustic_model dbr:Channel_(digital_image) dbr:Alan_Yuille dbr:AlexNet dbr:Block-matching_and_3D_filtering dbr:Symbolic_artificial_intelligence dbr:Cognitive_computer dbr:Hex_(board_game) dbr:Transformer_(machine_learning_model) dbr:Modar_Alaoui dbr:Relation_network dbr:Text-to-Video_model dbr:Articulated_body_pose_estimation dbr:Artificial_intelligence_art dbr:Artificial_intelligence_in_healthcare dbr:Audio_deepfake dbr:Automatic_target_recognition dbr:Buffalo_Automation dbr:CIFAR-10 dbr:Pooling_(neural_networks) dbr:Software_design_pattern dbr:SpaCy dbr:Spiking_neural_network dbr:Convoluted_neural_network dbr:Convolutional_neural_networks dbr:Max_norm_constraint dbr:Max_pooling dbr:Ilya_Sutskever dbr:Image_segmentation dbr:Michael_J._Black dbr:Christian_Guttmann dbr:CNN_(disambiguation) dbr:Yann_LeCun dbr:Matchbox_Educable_Noughts_and_Crosses_Engine dbr:Long_short-term_memory dbr:Scale-invariant_feature_transform dbr:Sentiment_analysis dbr:Vision_processing_unit dbr:Neocognitron dbr:Neural_network_Gaussian_process dbr:New_Jersey_Inventors_Hall_of_Fame dbr:Super-resolution_imaging dbr:Eye_tracking dbr:ImageNet dbr:Lunar_craters dbr:Object_co-segmentation dbr:Reverse_image_search dbr:Visual_temporal_attention dbr:Multi-focus_image_fusion dbr:Multispectral_pattern_recognition dbr:Photon-counting_computed_tomography dbr:Video_super-resolution dbr:WaveNet dbr:Time_delay_neural_network dbr:Outline_of_artificial_intelligence dbr:Outline_of_machine_learning dbr:Outline_of_object_recognition dbr:Paraphrasing_(computational_linguistics) dbr:Small_object_detection dbr:VC-6 dbr:Vision_transformer dbr:Visual_Turing_Test dbr:Types_of_artificial_neural_networks dbr:Spatial_embedding dbr:DropConnect dbr:Deep_convolutional_neural_network dbr:CNN_(machine_learning_model) dbr:Stochastic_pooling |
is rdfs:seeAlso of | dbr:Layer_(deep_learning) |
is foaf:primaryTopic of | wikipedia-en:Convolutional_neural_network |