当前位置: 首页 > news >正文

模板网站不利于seo吗网站背景音乐怎么做

模板网站不利于seo吗,网站背景音乐怎么做,义乌企业网站搭建首选,wordpress长期未更新提醒写个神经网络#xff0c;让她认得我(๑•ᴗ•๑)(Tensorflow,opencv,dlib,cnn,人脸识别) 这段时间正在学习tensorflow的卷积神经网络部分#xff0c;为了对卷积神经网络能够有一个更深的了解#xff0c;自己动手实现一个例程是比较好的方式#xff0c;所以就选了一个这样比…写个神经网络让她认得我(๑•ᴗ•๑)(Tensorflow,opencv,dlib,cnn,人脸识别) 这段时间正在学习tensorflow的卷积神经网络部分为了对卷积神经网络能够有一个更深的了解自己动手实现一个例程是比较好的方式所以就选了一个这样比较有点意思的项目。 项目的github地址:github 喜欢的话就给个Star吧。 想要她认得我就需要给她一些我的照片让她记住我的人脸特征为了让她区分我和其他人还需要给她一些其他人的照片做参照所以就需要两组数据集来让她学习如果想让她多认识几个人那多给她几组图片集学习就可以了。下面就开始让我们来搭建这个能认识我的她。 运行环境 下面为软件的运行搭建系统环境。 系统: window或linux 软件: python 3.x 、 tensorflow python支持库: tensorflow: pip install tensorflow #cpu版本 pip install rensorflow-gpu #gpu版本需要cuda与cudnn的支持不清楚的可以选择cpu版 numpy: pip install numpy opencv: pip install opencv-python dlib: pip install dlib 获取本人图片集 获取本人照片的方式当然是拍照了我们需要通过程序来给自己拍照如果你自己有照片也可以用那些现成的照片但前提是你的照片足够多。这次用到的照片数是10000张程序运行后得坐在电脑面前不停得给自己的脸摆各种姿势这样可以提高训练后识别自己的成功率在程序中加入了随机改变对比度与亮度的模块也是为了提高照片样本的多样性。 程序中使用的是dlib来识别人脸部分也可以使用opencv来识别人脸在实际使用过程中dlib的识别效果比opencv的好但opencv识别的速度会快很多获取10000张人脸照片的情况下dlib大约花费了1小时而opencv的花费时间大概只有20分钟。opencv可能会识别一些奇怪的部分所以综合考虑之后我使用了dlib来识别人脸。 get_my_faces.py import cv2 import dlib import os import sys import randomoutput_dir ./my_faces size 64if not os.path.exists(output_dir):os.makedirs(output_dir)# 改变图片的亮度与对比度 def relight(img, light1, bias0):w img.shape[1]h img.shape[0]#image []for i in range(0,w):for j in range(0,h):for c in range(3):tmp int(img[j,i,c]*light bias)if tmp 255:tmp 255elif tmp 0:tmp 0img[j,i,c] tmpreturn img#使用dlib自带的frontal_face_detector作为我们的特征提取器 detector dlib.get_frontal_face_detector() # 打开摄像头 参数为输入流可以为摄像头或视频文件 camera cv2.VideoCapture(0)index 1 while True:if (index 10000):print(Being processed picture %s % index)# 从摄像头读取照片success, img camera.read()# 转为灰度图片gray_img cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)# 使用detector进行人脸检测dets detector(gray_img, 1)for i, d in enumerate(dets):x1 d.top() if d.top() 0 else 0y1 d.bottom() if d.bottom() 0 else 0x2 d.left() if d.left() 0 else 0y2 d.right() if d.right() 0 else 0face img[x1:y1,x2:y2]# 调整图片的对比度与亮度 对比度与亮度值都取随机数这样能增加样本的多样性face relight(face, random.uniform(0.5, 1.5), random.randint(-50, 50))face cv2.resize(face, (size,size))cv2.imshow(image, face)cv2.imwrite(output_dir/str(index).jpg, face)index 1key cv2.waitKey(30) 0xffif key 27:breakelse:print(Finished!)break 在这里我也给出一个opencv来识别人脸的代码示例 import cv2 import os import sys import randomout_dir ./my_faces if not os.path.exists(out_dir):os.makedirs(out_dir)# 改变亮度与对比度 def relight(img, alpha1, bias0):w img.shape[1]h img.shape[0]#image []for i in range(0,w):for j in range(0,h):for c in range(3):tmp int(img[j,i,c]*alpha bias)if tmp 255:tmp 255elif tmp 0:tmp 0img[j,i,c] tmpreturn img# 获取分类器 haar cv2.CascadeClassifier(haarcascade_frontalface_default.xml)# 打开摄像头 参数为输入流可以为摄像头或视频文件 camera cv2.VideoCapture(0)n 1 while 1:if (n 10000):print(Its processing %s image. % n)# 读帧success, img camera.read()gray_img cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)faces haar.detectMultiScale(gray_img, 1.3, 5)for f_x, f_y, f_w, f_h in faces:face img[f_y:f_yf_h, f_x:f_xf_w]face cv2.resize(face, (64,64))if n % 3 1:face relight(face, 1, 50)elif n % 3 2:face relight(face, 0.5, 0)face relight(face, random.uniform(0.5, 1.5), random.randint(-50, 50))cv2.imshow(img, face)cv2.imwrite(out_dir/str(n).jpg, face)n1key cv2.waitKey(30) 0xffif key 27:breakelse:break 获取其他人脸图片集 需要收集一个其他人脸的图片集只要不是自己的人脸都可以可以在网上找到这里我给出一个我用到的图片集 网站地址:http://vis-www.cs.umass.edu/lfw/ 图片集下载:http://vis-www.cs.umass.edu/lfw/lfw.tgz 先将下载的图片集解压到项目目录下的input_img目录下也可以自己指定目录(修改代码中的input_dir变量) 接下来使用dlib来批量识别图片中的人脸部分并保存到指定目录下 set_other_people.py # -*- codeing: utf-8 -*- import sys import os import cv2 import dlibinput_dir ./input_img output_dir ./other_faces size 64if not os.path.exists(output_dir):os.makedirs(output_dir)#使用dlib自带的frontal_face_detector作为我们的特征提取器 detector dlib.get_frontal_face_detector()index 1 for (path, dirnames, filenames) in os.walk(input_dir):for filename in filenames:if filename.endswith(.jpg):print(Being processed picture %s % index)img_path path/filename# 从文件读取图片img cv2.imread(img_path)# 转为灰度图片gray_img cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)# 使用detector进行人脸检测 dets为返回的结果dets detector(gray_img, 1)#使用enumerate 函数遍历序列中的元素以及它们的下标#下标i即为人脸序号#left人脸左边距离图片左边界的距离 right人脸右边距离图片左边界的距离 #top人脸上边距离图片上边界的距离 bottom人脸下边距离图片上边界的距离for i, d in enumerate(dets):x1 d.top() if d.top() 0 else 0y1 d.bottom() if d.bottom() 0 else 0x2 d.left() if d.left() 0 else 0y2 d.right() if d.right() 0 else 0# img[y:yh,x:xw]face img[x1:y1,x2:y2]# 调整图片的尺寸face cv2.resize(face, (size,size))cv2.imshow(image,face)# 保存图片cv2.imwrite(output_dir/str(index).jpg, face)index 1key cv2.waitKey(30) 0xffif key 27:sys.exit(0)这个项目用到的图片数是10000张左右如果是自己下载的图片集控制一下图片的数量避免数量不足或图片过多带来的内存不够与运行缓慢。 训练模型 有了训练数据之后通过cnn来训练数据就可以让她记住我的人脸特征学习怎么认识我了。 train_faces.py import tensorflow as tf import cv2 import numpy as np import os import random import sys from sklearn.model_selection import train_test_splitmy_faces_path ./my_faces other_faces_path ./other_faces size 64imgs [] labs []def getPaddingSize(img):h, w, _ img.shapetop, bottom, left, right (0,0,0,0)longest max(h, w)if w longest:tmp longest - w# //表示整除符号left tmp // 2right tmp - leftelif h longest:tmp longest - htop tmp // 2bottom tmp - topelse:passreturn top, bottom, left, rightdef readData(path , hsize, wsize):for filename in os.listdir(path):if filename.endswith(.jpg):filename path / filenameimg cv2.imread(filename)top,bottom,left,right getPaddingSize(img)# 将图片放大 扩充图片边缘部分img cv2.copyMakeBorder(img, top, bottom, left, right, cv2.BORDER_CONSTANT, value[0,0,0])img cv2.resize(img, (h, w))imgs.append(img)labs.append(path)readData(my_faces_path) readData(other_faces_path) # 将图片数据与标签转换成数组 imgs np.array(imgs) labs np.array([[0,1] if lab my_faces_path else [1,0] for lab in labs]) # 随机划分测试集与训练集 train_x,test_x,train_y,test_y train_test_split(imgs, labs, test_size0.05, random_staterandom.randint(0,100)) # 参数图片数据的总数图片的高、宽、通道 train_x train_x.reshape(train_x.shape[0], size, size, 3) test_x test_x.reshape(test_x.shape[0], size, size, 3) # 将数据转换成小于1的数 train_x train_x.astype(float32)/255.0 test_x test_x.astype(float32)/255.0print(train size:%s, test size:%s % (len(train_x), len(test_x))) # 图片块每次取100张图片 batch_size 100 num_batch len(train_x) // batch_sizex tf.placeholder(tf.float32, [None, size, size, 3]) y_ tf.placeholder(tf.float32, [None, 2])keep_prob_5 tf.placeholder(tf.float32) keep_prob_75 tf.placeholder(tf.float32)def weightVariable(shape):init tf.random_normal(shape, stddev0.01)return tf.Variable(init)def biasVariable(shape):init tf.random_normal(shape)return tf.Variable(init)def conv2d(x, W):return tf.nn.conv2d(x, W, strides[1,1,1,1], paddingSAME)def maxPool(x):return tf.nn.max_pool(x, ksize[1,2,2,1], strides[1,2,2,1], paddingSAME)def dropout(x, keep):return tf.nn.dropout(x, keep)def cnnLayer():# 第一层W1 weightVariable([3,3,3,32]) # 卷积核大小(3,3) 输入通道(3) 输出通道(32)b1 biasVariable([32])# 卷积conv1 tf.nn.relu(conv2d(x, W1) b1)# 池化pool1 maxPool(conv1)# 减少过拟合随机让某些权重不更新drop1 dropout(pool1, keep_prob_5)# 第二层W2 weightVariable([3,3,32,64])b2 biasVariable([64])conv2 tf.nn.relu(conv2d(drop1, W2) b2)pool2 maxPool(conv2)drop2 dropout(pool2, keep_prob_5)# 第三层W3 weightVariable([3,3,64,64])b3 biasVariable([64])conv3 tf.nn.relu(conv2d(drop2, W3) b3)pool3 maxPool(conv3)drop3 dropout(pool3, keep_prob_5)# 全连接层Wf weightVariable([8*16*32, 512])bf biasVariable([512])drop3_flat tf.reshape(drop3, [-1, 8*16*32])dense tf.nn.relu(tf.matmul(drop3_flat, Wf) bf)dropf dropout(dense, keep_prob_75)# 输出层Wout weightVariable([512,2])bout weightVariable([2])#out tf.matmul(dropf, Wout) boutout tf.add(tf.matmul(dropf, Wout), bout)return outdef cnnTrain():out cnnLayer()cross_entropy tf.reduce_mean(tf.nn.softmax_cross_entropy_with_logits(logitsout, labelsy_))train_step tf.train.AdamOptimizer(0.01).minimize(cross_entropy)# 比较标签是否相等再求的所有数的平均值tf.cast(强制转换类型)accuracy tf.reduce_mean(tf.cast(tf.equal(tf.argmax(out, 1), tf.argmax(y_, 1)), tf.float32))# 将loss与accuracy保存以供tensorboard使用tf.summary.scalar(loss, cross_entropy)tf.summary.scalar(accuracy, accuracy)merged_summary_op tf.summary.merge_all()# 数据保存器的初始化saver tf.train.Saver()with tf.Session() as sess:sess.run(tf.global_variables_initializer())summary_writer tf.summary.FileWriter(./tmp, graphtf.get_default_graph())for n in range(10):# 每次取128(batch_size)张图片for i in range(num_batch):batch_x train_x[i*batch_size : (i1)*batch_size]batch_y train_y[i*batch_size : (i1)*batch_size]# 开始训练数据同时训练三个变量返回三个数据_,loss,summary sess.run([train_step, cross_entropy, merged_summary_op],feed_dict{x:batch_x,y_:batch_y, keep_prob_5:0.5,keep_prob_75:0.75})summary_writer.add_summary(summary, n*num_batchi)# 打印损失print(n*num_batchi, loss)if (n*num_batchi) % 100 0:# 获取测试数据的准确率acc accuracy.eval({x:test_x, y_:test_y, keep_prob_5:1.0, keep_prob_75:1.0})print(n*num_batchi, acc)# 准确率大于0.98时保存并退出if acc 0.98 and n 2:saver.save(sess, ./train_faces.model, global_stepn*num_batchi)sys.exit(0)print(accuracy less 0.98, exited!)cnnTrain() 训练之后的数据会保存在当前目录下。 使用模型进行识别 最后就是让她认识我了很简单只要运行程序让摄像头拍到我的脸她就可以轻松地识别出是不是我了。 is_my_face.py output cnnLayer() predict tf.argmax(output, 1) saver tf.train.Saver() sess tf.Session() saver.restore(sess, tf.train.latest_checkpoint(.)) def is_my_face(image): res sess.run(predict, feed_dict{x: [image/255.0], keep_prob_5:1.0, keep_prob_75: 1.0}) if res[0] 1: return True else: return False #使用dlib自带的frontal_face_detector作为我们的特征提取器 detector dlib.get_frontal_face_detector()cam cv2.VideoCapture(0) while True: _, img cam.read() gray_image cv2.cvtColor(img, cv2.COLOR_BGR2GRAY)dets detector(gray_image, 1)if not len(dets):#print(Cant get face.)cv2.imshow(img, img)key cv2.waitKey(30) 0xff if key 27:sys.exit(0)for i, d in enumerate(dets):x1 d.top() if d.top() 0 else 0y1 d.bottom() if d.bottom() 0 else 0x2 d.left() if d.left() 0 else 0y2 d.right() if d.right() 0 else 0face img[x1:y1,x2:y2]# 调整图片的尺寸face cv2.resize(face, (size,size))print(Is this my face? %s % is_my_face(face))cv2.rectangle(img, (x2,x1),(y2,y1), (255,0,0),3)cv2.imshow(image,img)key cv2.waitKey(30) 0xffif key 27:sys.exit(0)sess.close()
http://www.pierceye.com/news/437951/

相关文章:

  • 网站运营与维护是什么意思出入成都最新规定今天
  • 网站建设 企炬江阴企业形象包装公司
  • 移动网站开发公司免费的视频网站推广软件
  • 深圳网站定制公司宝应网站建设
  • 哈尔滨 做网站公司淮南发布app下载
  • 能发朋友圈的网站建设语不同类型网站比较及网站域名设计
  • 企业融资只有两种方法seo包括网站建设吗
  • 网站制作简单协议深圳市宝安区中医院
  • 中山骏域网站建设求2021没封的良心网站
  • 域名空间网站建设要多少钱全屋定制设计流程
  • 建设网站的网站江苏旅游网站开发设计与实现
  • 河北辛集住房和城乡建设厅网站购车网站开发数据库er图
  • 简单flash个人网站网站服务器和直播服务器一样吗
  • 教育网站建设需求文档门户网站系统建设清单
  • 天津市建设与管理局网站建筑网建设通平台
  • 长沙网站开发微联讯点官网微信公众号直接同步到wordpress
  • 湖南建设监理官方网站属于网页制作平台的是?
  • 如何建设公司网站知乎湖南自驾旅游与房车协会
  • 扬中网站优化做 爱 网站视频教程
  • 服务器发布网站免费网络营销推广软件
  • 婚纱摄影类网站重庆seo招聘
  • 登陆空间商网站建站模板免费下载
  • 用php做网站用什么框架牡丹江免费发布信息的平台
  • 网站开发 专有名词江油移动网站建设
  • 百度后台管理东莞市长安镇网站制作优化
  • 长春市建设厅网站大自然的网站设计
  • 网站建设能用手机制作吗人人车网站建设费用
  • 网站开发技术部分网络营销的宏观环境
  • 南宁网站建设公司国外优秀网站案例
  • 做网站需要什么证件吗免费seo技术教程