资源简介
手写汉字识别及其可视化(代码),学习了很长时间的图像处理,选定了一个手写汉字识别的课题。我个人感觉相对于其他任务的识别(比如MNIST,CIFAR-10)难点在于识别种类繁多,在如此繁多的种类中要达到一个很高的识别率确实不容易。
代码片段和文件信息
# encoding: utf-8
‘‘‘
@author: 真梦行路
@file: cnn.py
@time: 18-8-30 下午10:02
‘‘‘
#########################导入第三方库###################################
import time
import math
import random
import os
import pandas as pd
import numpy as np
import matplotlib.pyplot as plt
import tensorflow as tf
import dataset
import cv2
from sklearn.metrics import confusion_matrix
from datetime import timedelta
###################################加载数据路径########################################
train_path = ‘/home/wcy/图片/python/data/train‘
test_path = ‘/home/wcy/图片/python/data0/test‘
checkpoint_dir = ‘/home/wcy/图片/00/models‘
###################################加载数据路径########################################
############################设定模型参数###########################################
# Convolutional layer 1.
filter_size1 = 3
num_filters1 = 36
# Convolutional layer 2.
filter_size2 = 3
num_filters2 = 36
# Convolutional layer 3.
filter_size3 = 3
num_filters3 = 64
# Fully-connected layer.
fc_size = 256 # Number of neurons in fully-connected layer.
# Number of color channels for the images: 1 channel for gray-scale.
num_channels = 3
# image dimensions (only squares for now)
img_size = 70
# Size of image when flattened to a single dimension
img_size_flat = img_size * img_size * num_channels
# Tuple with height and width of images used to reshape arrays.
img_shape = (img_size img_size)
# class info
# classes = [‘dog‘ ‘cat‘]
classes = os.listdir(train_path)
num_classes = len(classes)
# batch size
batch_size = 1
# validation split
validation_size = .16
# how long to wait after validation loss stops improving before terminating training
early_stopping = None # use None if you don‘t want to implement early stoping
############################设定模型参数###########################################
############################读取数据##############################################
data = dataset.read_train_sets(train_path img_size classes validation_size=validation_size)
test_images test_ids = dataset.read_test_set(test_path img_size)
print(data.train.labels.shape)
print(“Size of:“)
print(“- Training-set:\t\t{}“.format(len(data.train.labels)))
print(“- Test-set:\t\t{}“.format(len(test_images)))
print(“- Validation-set:\t{}“.format(len(data.valid.labels)))
############################读取数据##############################################
######函数##################随机取出9副图显示######################################
def plot_images(images cls_true cls_pred=None):
if len(images) == 0:
print(“no images to show“)
return
else:
random_indices = random.sample(range(len(images)) min(len(images) 9))
images cls_true = zip(*[(images[i] cls_true[i]) for i in random_indices])
# print(‘1111111111111111111‘len(images))
# Create figure with 3x3 sub-plots.
fig axes = plt.subplots(3 3)
fig.subplots_adjust(hspace=0.3 wspace=0.3)
for i ax in enumerate(axes.flat):
# Plot image.
ax.imshow(images[i].reshape(img_size
属性 大小 日期 时间 名称
----------- --------- ---------- ----- ----
文件 25442 2019-04-11 13:59 dome\cnn.py
文件 155 2019-04-11 14:08 dome\readme
文件 4695 2018-11-21 16:34 dome\dataset.py
文件 569 2018-11-21 19:04 dome\test.py
文件 4554 2018-11-21 16:34 dome\__pycache__\dataset.cpython-35.pyc
文件 1046164 2018-08-31 14:50 dome\.ipynb_checkpoints\cnn-checkpoint.ipynb
目录 0 2019-04-11 14:02 dome\__pycache__
目录 0 2019-04-11 14:02 dome\.ipynb_checkpoints
目录 0 2019-04-11 14:08 dome
----------- --------- ---------- ----- ----
1081579 9
- 上一篇:最后一公里EC配送程序源代码
- 下一篇:精锐IV加密锁驱动64位elite4
相关资源
- tensorflow+inceptionv3网络
- tensorflow1.12.0+gpucuda 9.0
- VGGnet_fast_rcnn_iter_70000.ckpt133563
- tensorflow-2.1.0-cp37-cp37m-win_amd64.whl
- 深度学习之TensorFlow 入门、原理与进阶
- 卸载tensorflow-cpu重装tensorflow-gpu操作
- tensorflow-2.3.0-cp37-cp37m-win_amd64.whl
- tensorflow-1.15.0-cp36-cp36m-win_amd64.whl
- tensorflow麻将智能出牌源码
- faster_rcnn-master 直接运行即可,重新编
- faster rcnn(TFFRCNN)使用的参数权值和
- mask_rcnn_coco.h5模型
- 基于TensorFlow的DenseNet学习源码
- Tensorflow快速实现图像的风格迁移
- 粘连字符的图片验证码
- 卷积神经网络课程报告
- 卷积神经网络PPT
- TensorFlow平台上基于LSTM神经网络的人体
- cuda_9.0.176 windows7 local版本
- TextCNN在文本分类的应用.pptx
- 代码FastRcnn
- 深度学习框架Tensorflow学习与应用
- 2018斯坦福深度学习Tensorflow实战课程课
- mask_rcnn训练模型pb文件转pbtxt文件
- TensorFlow实现人脸识别(5)-------利用
- TensorFlow实现人脸识别(1)------Linux下
- 训练mask_rcnn所用配置文件
- text-cnn源代码
- Faster-Rcnn-TF预训练模型
-
batch normalization 和 la
yer normalization
评论
共有 条评论