深度学习案例之 验证码识别

本项目介绍利用深度学习技术(tensorflow),来识别验证码(4位验证码,具体的验证码的长度可以自己生成,可以在自己进行训练)

程序分为四个部分

1、生成验证码的程序,可生成数字+字母大小写的任意长度验证码

# coding:utf-8
# name:captcha_gen.pyimport random
import numpy as np
from PIL import Image
from captcha.image import ImageCaptchaNUMBER = ['0', '1', '2', '3', '4', '5', '6', '7', '8', '9']
LOW_CASE = ['a', 'b', 'c', 'd', 'e', 'f', 'g', 'h', 'i', 'j', 'k', 'l', 'm', 'n', 'o', 'p', 'q', 'r', 's', 't', 'u','v', 'w', 'x', 'y', 'z']
UP_CASE = ['A', 'B', 'C', 'D', 'E', 'F', 'G', 'H', 'I', 'J', 'K', 'L', 'M', 'N', 'O', 'P', 'Q', 'R', 'S', 'T', 'U','V', 'W', 'X', 'Y', 'Z']CAPTCHA_LIST = NUMBER
CAPTCHA_LEN = 4         # 验证码长度
CAPTCHA_HEIGHT = 60     # 验证码高度
CAPTCHA_WIDTH = 160     # 验证码宽度def random_captcha_text(char_set=CAPTCHA_LIST, captcha_size=CAPTCHA_LEN):"""随机生成定长字符串:param char_set: 备选字符串列表:param captcha_size: 字符串长度:return: 字符串"""captcha_text = [random.choice(char_set) for _ in range(captcha_size)]return ''.join(captcha_text)def gen_captcha_text_and_image(width=CAPTCHA_WIDTH, height=CAPTCHA_HEIGHT, save=None):"""生成随机验证码:param width: 验证码图片宽度:param height: 验证码图片高度:param save: 是否保存(None):return: 验证码字符串,验证码图像np数组"""image = ImageCaptcha(width=width, height=height)# 验证码文本captcha_text = random_captcha_text()captcha = image.generate(captcha_text)# 保存if save:image.write(captcha_text, './img/' + captcha_text + '.jpg')captcha_image = Image.open(captcha)# 转化为np数组captcha_image = np.array(captcha_image)return captcha_text, captcha_imageif __name__ == '__main__':t, im = gen_captcha_text_and_image(save=True)print(t, im.shape)      # (60, 160, 3)

 2、工具库,用于调用验证码生成程序来生成训练集

# -*- coding:utf-8 -*-
# name: util.pyimport numpy as np
from captcha_gen import gen_captcha_text_and_image
from captcha_gen import CAPTCHA_LIST, CAPTCHA_LEN, CAPTCHA_HEIGHT, CAPTCHA_WIDTHdef convert2gray(img):"""图片转为黑白,3维转1维:param img: np:return:  灰度图的np"""if len(img.shape) > 2:img = np.mean(img, -1)return imgdef text2vec(text, captcha_len=CAPTCHA_LEN, captcha_list=CAPTCHA_LIST):"""验证码文本转为向量 哑编码 方式:param text::param captcha_len::param captcha_list::return: vector 文本对应的向量形式"""text_len = len(text)    # 欲生成验证码的字符长度if text_len > captcha_len:raise ValueError('验证码最长4个字符')vector = np.zeros(captcha_len * len(captcha_list))      # 生成一个一维向量 验证码长度*字符列表长度for i in range(text_len):vector[captcha_list.index(text[i])+i*len(captcha_list)] = 1     # 找到字符对应在字符列表中的下标值+字符列表长度*i 的 一维向量 赋值为 1return vectordef vec2text(vec, captcha_list=CAPTCHA_LIST, captcha_len=CAPTCHA_LEN):"""验证码向量转为文本:param vec::param captcha_list::param captcha_len::return: 向量的字符串形式"""vec_idx = vectext_list = [captcha_list[int(v)] for v in vec_idx]return ''.join(text_list)def wrap_gen_captcha_text_and_image(shape=(CAPTCHA_HEIGHT, CAPTCHA_WIDTH, 3)):"""返回特定shape图片:param shape::return:"""while True:t, im = gen_captcha_text_and_image()if im.shape == shape:return t, imdef get_next_batch(batch_count=60, width=CAPTCHA_WIDTH, height=CAPTCHA_HEIGHT):"""获取训练图片组:param batch_count: default 60:param width: 验证码宽度:param height: 验证码高度:return: batch_x, batch_yc"""batch_x = np.zeros([batch_count, width * height])batch_y = np.zeros([batch_count, CAPTCHA_LEN * len(CAPTCHA_LIST)])for i in range(batch_count):    # 生成对应的训练集text, image = wrap_gen_captcha_text_and_image()image = convert2gray(image)     # 转灰度numpy# 将图片数组一维化 同时将文本也对应在两个二维组的同一行batch_x[i, :] = image.flatten() / 255batch_y[i, :] = text2vec(text)  # 验证码文本的向量形式# 返回该训练批次return batch_x, batch_yif __name__ == '__main__':x, y = get_next_batch(batch_count=1)    # 默认为1用于测试集print(x, y)

3、训练程序,并将准确率超过0.95的模型保存到 ./model/ 文件夹下

# -*- coding:utf-8 -*-
# name: model_train.pyimport tensorflow as tf
from datetime import datetime
from util import get_next_batch
from captcha_gen import CAPTCHA_HEIGHT, CAPTCHA_WIDTH, CAPTCHA_LEN, CAPTCHA_LISTdef weight_variable(shape, w_alpha=0.01):"""初始化权值:param shape::param w_alpha::return:"""initial = w_alpha * tf.random_normal(shape)return tf.Variable(initial)def bias_variable(shape, b_alpha=0.1):"""初始化偏置项:param shape::param b_alpha::return:"""initial = b_alpha * tf.random_normal(shape)return tf.Variable(initial)def conv2d(x, w):"""卷基层 :局部变量线性组合,步长为1,模式‘SAME’代表卷积后图片尺寸不变,即零边距:param x::param w::return:"""return tf.nn.conv2d(x, w, strides=[1, 1, 1, 1], padding='SAME')def max_pool_2x2(x):"""池化层:max pooling,取出区域内最大值为代表特征, 2x2 的pool,图片尺寸变为1/2:param x::return:"""return tf.nn.max_pool(x, ksize=[1, 2, 2, 1], strides=[1, 2, 2, 1], padding='SAME')def cnn_graph(x, keep_prob, size, captcha_list=CAPTCHA_LIST, captcha_len=CAPTCHA_LEN):"""三层卷积神经网络:param x:   训练集 image x:param keep_prob:   神经元利用率:param size:        大小 (高,宽):param captcha_list::param captcha_len::return: y_conv"""# 需要将图片reshape为4维向量image_height, image_width = sizex_image = tf.reshape(x, shape=[-1, image_height, image_width, 1])# 第一层# filter 定义为3x3x1, 输出32个特征, 即32个filterw_conv1 = weight_variable([3, 3, 1, 32])    # 3*3的采样窗口,32个(通道)卷积核从1个平面抽取特征得到32个特征平面b_conv1 = bias_variable([32])h_conv1 = tf.nn.relu(conv2d(x_image, w_conv1) + b_conv1)    # rulu激活函数h_pool1 = max_pool_2x2(h_conv1)     # 池化h_drop1 = tf.nn.dropout(h_pool1, keep_prob)      # dropout 防止过拟合# 第二层w_conv2 = weight_variable([3, 3, 32, 64])b_conv2 = bias_variable([64])h_conv2 = tf.nn.relu(conv2d(h_drop1, w_conv2) + b_conv2)h_pool2 = max_pool_2x2(h_conv2)h_drop2 = tf.nn.dropout(h_pool2, keep_prob)# 第三层w_conv3 = weight_variable([3, 3, 64, 64])b_conv3 = bias_variable([64])h_conv3 = tf.nn.relu(conv2d(h_drop2, w_conv3) + b_conv3)h_pool3 = max_pool_2x2(h_conv3)h_drop3 = tf.nn.dropout(h_pool3, keep_prob)"""原始:60*160图片 第一次卷积后 60*160 第一池化后 30*80*32第二次卷积后 30*80*32 ,第二次池化后 15*40*64第三次卷积后 15*40*64 ,第三次池化后 7.5*20*64 = > 向下取整 7*20*64经过上面操作后得到 64 个 7*20的平面"""# 全连接层image_height = int(h_drop3.shape[1])image_width = int(h_drop3.shape[2])w_fc = weight_variable([image_height*image_width*64, 1024])     # 上一层有64个神经元 全连接层有1024个神经元b_fc = bias_variable([1024])h_drop3_re = tf.reshape(h_drop3, [-1, image_height*image_width*64])h_fc = tf.nn.relu(tf.matmul(h_drop3_re, w_fc) + b_fc)h_drop_fc = tf.nn.dropout(h_fc, keep_prob)# 输出层w_out = weight_variable([1024, len(captcha_list)*captcha_len])b_out = bias_variable([len(captcha_list)*captcha_len])y_conv = tf.matmul(h_drop_fc, w_out) + b_outreturn y_convdef optimize_graph(y, y_conv):"""优化计算图:param y: 正确值:param y_conv:  预测值:return: optimizer"""# 交叉熵代价函数计算loss 注意 logits 输入是在函数内部进行sigmod操作# sigmod_cross适用于每个类别相互独立但不互斥,如图中可以有字母和数字# softmax_cross适用于每个类别独立且排斥的情况,如数字和字母不可以同时出现loss = tf.reduce_mean(tf.nn.sigmoid_cross_entropy_with_logits(labels=y, logits=y_conv))# 最小化loss优化 AdaminOptimizer优化optimizer = tf.train.AdamOptimizer(1e-3).minimize(loss)return optimizerdef accuracy_graph(y, y_conv, width=len(CAPTCHA_LIST), height=CAPTCHA_LEN):"""偏差计算图,正确值和预测值,计算准确度:param y: 正确值 标签:param y_conv:  预测值:param width:   验证码预备字符列表长度:param height:  验证码的大小,默认为4:return:    正确率"""# 这里区分了大小写 实际上验证码一般不区分大小写,有四个值,不同于手写体识别# 预测值predict = tf.reshape(y_conv, [-1, height, width])   #max_predict_idx = tf.argmax(predict, 2)# 标签label = tf.reshape(y, [-1, height, width])max_label_idx = tf.argmax(label, 2)correct_p = tf.equal(max_predict_idx, max_label_idx)    # 判断是否相等accuracy = tf.reduce_mean(tf.cast(correct_p, tf.float32))return accuracydef train(height=CAPTCHA_HEIGHT, width=CAPTCHA_WIDTH, y_size=len(CAPTCHA_LIST)*CAPTCHA_LEN):"""cnn训练:param height:  验证码高度:param width:   验证码宽度:param y_size:  验证码预备字符列表长度*验证码长度(默认为4):return:"""# cnn在图像大小是2的倍数时性能最高, 如果图像大小不是2的倍数,可以在图像边缘补无用像素# 在图像上补2行,下补3行,左补2行,右补2行# np.pad(image,((2,3),(2,2)), 'constant', constant_values=(255,))acc_rate = 0.95     # 预设模型准确率标准# 按照图片大小申请占位符x = tf.placeholder(tf.float32, [None, height * width])y = tf.placeholder(tf.float32, [None, y_size])# 防止过拟合 训练时启用 测试时不启用 神经元使用率keep_prob = tf.placeholder(tf.float32)# cnn 模型y_conv = cnn_graph(x, keep_prob, (height, width))# 优化optimizer = optimize_graph(y, y_conv)# 计算准确率accuracy = accuracy_graph(y, y_conv)# 启动会话.开始训练saver = tf.train.Saver()sess = tf.Session()sess.run(tf.global_variables_initializer())     # 初始化step = 0    # 步数while 1:print(step)batch_x, batch_y = get_next_batch(64)sess.run(optimizer, feed_dict={x: batch_x, y: batch_y, keep_prob: 0.75})# 每训练一百次测试一次if step % 10 == 0:batch_x_test, batch_y_test = get_next_batch(100)acc = sess.run(accuracy, feed_dict={x: batch_x_test, y: batch_y_test, keep_prob: 1.0})print(datetime.now().strftime('%c'), ' step:', step, ' accuracy:', acc)# 准确率满足要求,保存模型if acc > acc_rate:model_path = "./model/captcha.model"saver.save(sess, model_path, global_step=step)acc_rate += 0.01if acc_rate > 0.99:     # 准确率达到99%则退出breakstep += 1sess.close()if __name__ == '__main__':train()

4、测试模型效果:

# -*- coding:utf-8 -*-
# name: model_test.pyimport tensorflow as tf
from model_train import cnn_graph
from captcha_gen import gen_captcha_text_and_image
from util import vec2text, convert2gray
from util import CAPTCHA_LIST, CAPTCHA_WIDTH, CAPTCHA_HEIGHT, CAPTCHA_LEN
from PIL import Imagedef captcha2text(image_list, height=CAPTCHA_HEIGHT, width=CAPTCHA_WIDTH):"""验证码图片转化为文本:param image_list::param height::param width::return:"""x = tf.placeholder(tf.float32, [None, height * width])keep_prob = tf.placeholder(tf.float32)y_conv = cnn_graph(x, keep_prob, (height, width))saver = tf.train.Saver()with tf.Session() as sess:saver.restore(sess, tf.train.latest_checkpoint('model/'))predict = tf.argmax(tf.reshape(y_conv, [-1, CAPTCHA_LEN, len(CAPTCHA_LIST)]), 2)vector_list = sess.run(predict, feed_dict={x: image_list, keep_prob: 1})vector_list = vector_list.tolist()text_list = [vec2text(vector) for vector in vector_list]return text_listif __name__ == '__main__':text, image = gen_captcha_text_and_image()img = Image.fromarray(image)image = convert2gray(image)image = image.flatten() / 255pre_text = captcha2text([image])print("验证码正确值:", text, ' 模型预测值:', pre_text)img.show()

 

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:http://www.mzph.cn/news/453957.shtml

如若内容造成侵权/违法违规/事实不符,请联系多彩编程网进行投诉反馈email:809451989@qq.com,一经查实,立即删除!

相关文章

windows下使用pthread库

最近在看《C多核高级编程》这本书,收集了些有用的东西,方便在windows下使用POSIX标准进行Pthread开发,有利于跨平台。 -------------------------------------------------- windows下使用pthread库时间:2010-01-27 07:41来源:罗索工作室 作…

day 05 多行输出与多行注释、字符串的格式化输出、预设创建者和日期

msg"hello1 hello2 hello3 " print(msg) 显示结果为: # " "只能进行单行的字符串 多行字符串用 ,前面设置变量,可以用 表示多行 msghello1 hello2 hello3print(msg) 显示结果为: 当然如果没有设置变量,…

python数值计算guess_【python】猜数字game,旨在提高初学者对Python循环结构的使用...

import random #引入生成随机数的模块需求:程序设定生成 1-20 之间的一个随机数,让用户猜日期:2019-10-21作者:xiaoxiaohui目的:猜数字game,旨在提高初学者对Python 变量类型以及循环结构的使用。secretNu…

调试九法-总体规则

调试规则规则1 理解系统规则2 制造失败规则3 不要想,而要看规则4 分而治之规则5 一次只改一个地方规则6 保持审计跟踪规则7 检查插头规则8 获得全新观点规则9 如果你不修复bug,它将依然存在转载于:https://www.cnblogs.com/uetucci/p/7987805.html

深度学习之循环神经网络(Recurrent Neural Network,RNN)

递归神经网络和循环神经网络 循环神经网络(recurrent neural network):时间上的展开,处理的是序列结构的信息,是有环图递归神经网络(recursive neural network):空间上的展开&#…

从北京回来的年轻人,我该告诉你点什么?

前言 就在上周末,我与公众号里的一个当地粉丝见面了,一起吃了顿饭,顺便聊了聊。先来简单交代下我们这位粉丝(以下简称小L)的经历以及诉求。 小L之前在北京八维研修学院培训的PHP,因为家庭原因,没…

Linphone编译【转载】

Linphone依赖太多的库,以致于稍有疏失,就会在编译,运行出错,都是由于依赖库安装的问题。 1 基础知识 1.1 动态库的连接 很多人安装完库后,configure依然报告这个库没有。这是对linux动态库知识匮乏造成,也就…

python助教的面试题_python面试题----持续更新中

为什么学习Python?通过什么途径学习的Python?Python和Java、PHP、C、C#、C等其他语言的对比?python 解释型语言,语法简洁优雅。C C 编译型语言,先编译后运行,偏底层。简述解释型和编译型编程语言&#xff1…

python3模块: requests

Python标准库中提供了:urllib等模块以供Http请求,但是,它的 API 太渣了。它是为另一个时代、另一个互联网所创建的。它需要巨量的工作,甚至包括各种方法覆盖,来完成最简单的任务。 发送GET请求 import urllib.requestf…

SUSE12系统安装及LVM设置详解

SUSE12自定义安装跟以往版本差不多,只是调整了一些功能安装顺序,例如网络设置放到很靠前,SUSE11的时候几乎是在后半部分,自定义分区也调整到网络设置之后,入口设置也隐秘,如果是熟悉suse11安装,…

在windows下编译FFMPEG-最新2009版本

转】在windows下编译FFMPEG-最新2009版本2010-11-17 18:50大家可以看到,此篇之前有很多个版本的“在windows下编译FFMPEG”,那些都是我在网上搜罗来的,在看了无数篇那些过期的、有借鉴价值的文章后,我终于成功在windows下编译出了…

CentOS7 安装nginx

1、官网下载安装包 官网:http://nginx.org/en/download.html 选择适合Linux的版本,这里选择最新的版本,下载到本地后上传到服务器或者centos下直接wget命令下载。 切换到/usr/local目录,下载软件包 # cd /usr/local # wget htt…

dvwa如何打开_DVWA详细 安装

Wamp就是Windows Apache Mysql PHP集成安装环境,即在window下的apache、php和mysql的服务器软件。PHP扩展、Apache模块,开启/关闭鼠标点点就搞定,再也不用亲自去修改配置文件了,WAMP它会去做。再也不用到处询问php的安装问题了&am…

CentOS7安装OpenFire

下载openfire wget http://download.igniterealtime.org/openfire/openfire-3.9.3-1.i386.rpm安装openfire yum install -y /home/openfire-3.9.3-1.i386.rpm安装运行库 yum install -y glibc.i686添加开启启动 chkconfig openfire on启动openfire服务 systemctlstart openfire…

CentOS 安装 php

大致步骤:下载–解压–编译–安装–配置 php官网: https://www.php.net/releases/ php5.6连接地址 http://hk1.php.net/get/php-5.6.36.tar.gz/from/this/mirror http://hk2.php.net/get/php-5.6.36.tar.gz/from/this/mirror 1.安装php 所依赖的软件 yu…

怎么利用ffmpeg和AviSynth给在windows下面为flv文件加水印

之前一直在找怎么为flv文件加上自己的水印,ffmpeg和vhook是在linux下面支持.在windows下面不支持.所以我就选择用ffmpeg和AviSynth为flv文件加水印.详细步骤如下: 1 首先当然下载ffmpeg和AviSynth了.具体的地址自己google一下就能找到很多.这里就不再详细介绍了. 一般情况ffm…

【Hibernate框架开发之九】Hibernate 性能优化笔记!(遍历、一级/二级/查询/缓存/乐观悲观锁等优化算法)...

1. 循环分页或者循环进行部分读取处理数据的时候,使用 session.clear() ; 2. 对应1N(N1)问题使用如下解决方式: 1): 使用createCriteria进行查询(join fetch) 2):HQL -> joi…

vscode中安装webpack_VSCode下手动构建webpack项目(示例代码)

1.执行npm install nrm -g,安装nrm,此模块主要用于切换npm镜像源,简化手动配置步骤2.执行 nrm ls,可以看到npm源地址列表,当前使用的是默认源,npm https://registry.npmjs.org/3.执行 nrm use taobao&#…

Python html 代码转成 word(docx)

安装 sudo apt install pandoc pip3 install pypandoc示例代码 import pypandochtml """ <h3>This is a title</h3> <p><img src"http://placehold.it/150x150" alt"I go below the image as a caption"></p…

最新ffmpeg编译和用eclipse进行源码调试

最近由于项目需要&#xff0c;必须修改ffmpeg的源码进行修改才能满足项目的需求&#xff0c;但以前我从来没有自己去编译和使用ffmpeg的源代码&#xff0c;一直都是用别人编译好了的sdk&#xff0c;再加上习惯了vs方便的编译环境&#xff0c;要在linux下对如此多的源代码进行编…