搜索资源列表
CNN
- 用卷积神经网络实现的手写数字识别(minst),可直接运行,识别率较高。用Tensorflow实现-Handwritten digital recognition (minst) with convolution neural network can be run directly and the recognition rate is high. Implemented with Tensorflow
tensorflow-cnn
- 基于TensorFlow的mnist数据集识别,使用CNN的方法,采用梯度下降学习(MNIST data set recognition based on TensorFlow, using CNN method, using gradient descent learning)
FCN.tensorflow-tf.0.11_compatible
- tensorflow 0.11compatible-fcn
Bilinear-CNN-TensorFlow-master
- 双线性cnn的实现过程,使用的是tensorflow的算法框架,在特征融合方面的一种创新(Bilinear CNN implementation process, using the tensorflow algorithm framework, in terms of feature integration in an innovation)
Desktop
- 利用tensorflow建立以个用于面部表情识别的模型(Using tensorflow to build a model for facial expression recognition)
CNN_MNIST
- Tensorflow实现基于MNIST数据集的卷积神经网络(Tensorflow implementation of convolutional neural networks based on MNIST data)
faceRecognition-master
- 基于python+opencv+cnn的人脸识别的学习demo(Study demo of face recognition based on python + opencv + CNN)
insuranceQA-cnn-lstm-master
- 这是一个保险语料的一个简单的问答系统,采用cnn和lstm分别进行试验,分别验证效果的改变,文件包括两个版本,tensorflow和theano。(This is a simple question answering system for insurance corpus, which is tested by CNN and LSTM respectively, and the results are verified separately. The document consists of
cnn-text-classification-tf
- 利用 Tensorflow 构建 CNN 模型实现文本分类(CNN for Text Classification in Tensorflow)
cnn
- 这是一个经过自己整理的卷积神经网络的代码,对0-9数据集进行分类的代码,使用tensorflow框架完成的,主要使用的语言是Python,可以直接运行,初学者可以用于学习交流。(This is a self compiled convolutional neural network code, 0-9 data sets for classification of code, using the tensorflow framework to complete, the main languag
cnn
- 卷积神经网络(CNN),TensorFlow框架下运行,基于MNIST手写体数据集,可直接运行(Convolutional Neural Network (CNN), run under TensorFlow framework, can run directly based on MNIST handwritten dataset)
cnn
- 基于python tensorflow框架构建的卷积神经网络用来识别图像,附带训练数据集的制作代码。(The convolution neural network based on the python tensorflow framework is used to identify images with the production code of the training data set.)
tensorflow-CNN-CIFAR-10-master
- CNN实现图像数据的分类,有数据库下载代码(CNN implements the classification of image data, and there is a database download code)
tensorflow实战代码
- Tensorflow新手学习代码,包括AutoEncoder, CNN, DenoisingAutoEncoder, ImageToNum, MLP, softmax_regression,tensorboard 等(Tensorflow codes for novices, including AutoEncoder, CNN, DenoisingAutoEncoder, ImageToNum, MLP, softmax_regression, tensorboard, etc.)
CnnClassifyFlowers-master
- 利用tensorflow平台构建cnn,对花进行分类(Using the tensorflow platform to build CNN to classify flowers)
CNN_sentence_tensorflow-master
- 主要是在TensorFlow框架下,利用cnn对文本分类(Mainly in the TensorFlow framework, using CNN to classify text)
cnn-text-classification-tf-master
- It is slightly simplified implementation of Kim's [Convolutional Neural Networks for Sentence Classification](http://arxiv.org/abs/1408.5882) paper in Tensorflow.
cnn图像分类
- 基于Tensorflow下的cnn卷积神经网络实现图像的分类(Image classification CNN convolutional neural network based on Tensorflow)
cnn
- TensorFlow框架下cnn 对数据集cifar分类问题(CNN classification for data sets cifar)
基于Tensorflow的CNN数字识别
- 本文实现了基于minist的手写数字识别,基于TensorFlow的python语言,程序有详细的注释,以及手把手教你怎么搭建CNN(This article implements the handwritten numeral recognition based on minist, the python language based on TensorFlow, the program has detailed annotations, and hands-on instructions o