The first CNN appeared in the work of Fukushima in 1980 and was called Neocognitron. The basic architectural ideas behind the CNN (local receptive fields,shared weights, and spatial or temporal subsampling) allow such networks to achieve some degree of shift and deformation invariance and at the same time reduce the number of training parameters. Since 1989, Yann LeCun and co-workers have introduced a series of CNNs with the general name LeNet, which contrary to the Neocognitron use supervised training. In this case, the major advantage is that the whole network is optimized for the given task, making this approach useable for real-world applications. LeNet has been successfully applied to character recognition, generic object recognition, face detection and pose estimation, obstacle avoidance in an autonomous robot etc. myCNN class allows to create, train and test generic convolutional networks (e.g., LeNet) as well as more general networks with features: - any directed acyclic graph can be used for connecting the layers of the network; - the network can have any number of arbitrarily sized input and output layers; - the neuron’s receptive field (RF) can have an arbitrary stride (step of local RF tiling), which means that in the S-layer, RFs can overlap and in the C-layer the stride can differ from 1; - any layer or feature map of the network can be switched from trainable to nontrainable (and vice versa) mode even during the training; - a new layer type: softmax-like M-layer. The archive contains the myCNN class source (with comments) and a simple example of LeNet5 creation and training. All updates and new releases can be found here: http://sites.google.com/site/chumerin/projects/mycnn
2021-12-28 17:21:22 1.07MB CNN 卷积神经网络
1
听说pytorch使用比TensorFlow简单,加之pytorch现已支持windows,所以今天装了pytorch玩玩,第一件事还是写了个简单的CNN在MNIST上实验,初步体验的确比TensorFlow方便。 参考代码(在莫烦python的教程代码基础上修改)如下: import torch import torch.nn as nn from torch.autograd import Variable import torch.utils.data as Data import torchvision import time #import matplotlib.pyplot a
2021-12-28 17:16:58 47KB c IS mnist
1
详细解读了卷积神经网络是如何工作的,从CNN卷积层、激活层、池化层到全链接层,及多层CNN作用进行了通熟易懂的讲解
2021-12-28 16:59:53 3.46MB CNN 深度学习
1
第一章回顾了理解卷积神经网络的动机;  第二章阐述了几种多层神经网络 ,并介绍当前计算机视觉领域应用中最成功的卷积结 构;  第三章具体介绍了标准卷积神经网络中的各构成组件 ,并从生物学和理论两个角度分 析不同组件的设计方案 ;  第四章讨论了当前卷积神经网络设计的趋势及可视化理解卷积神经网络的相关研究工 作 ,还重点阐述了当前结构仍存在的一些关键问题
2021-12-28 16:54:12 1.44MB CNN
1
糖尿病视网膜病变竞赛的解决方案 这是Kaggle的竞赛,您的任务是将每个人的眼部检查分类为5种不同程度的糖尿病导致的疾病。 这是我用来处理原始图像的代码的存储库,即卷积神经网络模型(使用keras构建)。 它主要基于论坛中提供的一个基准。 执行以下步骤: 仅使用普通图像处理到256X256,未使用其他方式调整颜色等。 通过增加1、2、3和4类来平衡不同类的图片。 使用过的VGG风格架构,使用开普勒K20c GPU,以10个时期进行训练,批量大小为32。 它运行约2天。 由于输出是有序的(疾病的阶段),因此不作为分类问题运行,而是作为回归问题运行。 将原始输出转换为疾病阶段标签。 天真的,我们可以转换到接近阶段。 但是,根据原始数据集的比例对原始分数进行排名会产生更好的Kappa分数。 最后,该模型在私有数据集上得出的Kappa为0.38,由于辍学,该结果在公共得分上接近0.3
2021-12-28 16:07:35 278KB Python
1
包含cifar10数据集,CNN卷积网络源码,OpenMV IDE2.2,PPT
2021-12-27 21:02:07 430.92MB cifar10数据集 CNN卷积网络源码 OpenMVIDE2.2
1
音乐流派分类 主题-对音乐所属的流派类型进行分类。 流派包括布鲁斯,古典,乡村,迪斯科,嘻哈,爵士,金属,流行,雷鬼,摇滚。 数据集 数据集为GTZAN。 数据集来自 。 它包含10个班级中的每个班级的100首音乐。 方法 我们将首先将给定的.au音频文件转换为.wav文件。 然后,我们将.wav文件转换为频谱图,然后使用cnn将其分类为不同的组。 通常,频谱图看起来像这样 混淆矩阵 损耗曲线 该模型经过了100个时期的训练,我们可以看到那里存在一些轻微的过拟合现象。 我们选择了能够提供最佳验证精度的模型。 该模型在100个样本中进行了验证,其中10个类别中的每个类别有10个样本,并在900个图像中训练了10个类别中的每个类别的90 准确性 我们使用的模型是微调的VGG16模型。 验证准确性约为73%,培训准确性约为88%。 仅考虑1000个样本,这是一个很好的准确性。 笔记 接受任何进
2021-12-27 20:10:44 1.74GB music cnn gtzan-dataset genre-classification
1
# CNN 深度图人脸_边框回归 ------------------------------------------------------- # 第1步: 制作数据集, data_x , 354*100*100*1, data_y , 354*4 # tricks: 深度图数值归一化[0,1],边框值归一化[0,1],resize(100, 100) # 第2步: 训练CNN,边框回归, IOU损失 # 第3步: 预测数据集 _ bounding-box # 第4步: 保存模型h5,图片提取特征 depth_feature,CNN回归坐标 box_regression
2021-12-27 19:58:03 87.2MB 1、深度图 2、边框回归 3、CNN 4、lasso
1
该存储库包括标签,用于预处理图像数据集的代码以及用于将眼底图像分为五种不同类别的CNN的实现,这些类别分别对应于五个不同级别的糖尿病性视网膜病变(DR)疾病。 项目报告描述了实施情况。 由于数据集过大,因此未在此处上传
2021-12-27 14:05:08 903KB Python
1
项目介绍 该项目基于CNN + BLSTM + CTC实现验证码识别。 该项目仅适用于部署模型,如果您需要训练模型,请转到 知情的 默认的require.txt将安装CPU版本,将“ requirements.txt”从“ TensorFlow”更改为“ TensorFlow-GPU”以切换到GPU版本,使用GPU版本安装相应的CUDA和cuDNN。 demo.py:有关如何调用预测方法的示例。 模型文件夹文件夹用于存储模型配置文件,例如model.yaml。 graph文件夹用于存储编译的模型,例如model.pb 部署服务将自动加载模型配置中的所有模型。 添加新模型配置后,将自动加
2021-12-26 19:06:46 1.39MB ocr tensorflow captcha verification-code
1