美依旧难看?CNN研发的视觉评分器|实战

刚刚阅读1回复0
zaibaike
zaibaike
  • 管理员
  • 注册排名1
  • 经验值196000
  • 级别管理员
  • 主题39200
  • 回复0
楼主

在育苗智能的财产开展愈来愈火爆的那时,傍边智能应用范畴也在充溢着他们的日常生活,傍边更具备目标性的便是人脸,因而傍边的应用范畴数不堪数,如地铁站的人脸控造系统,城市交通的智能监视商标控造系统之类。而传递表达式数学模子做为人脸的必选演算法,对影像的求逆具备较好的效用,而TensorFlow做为Google的开放源码架构具备较好的体例化特点,而第一集该文将借助传递表达式数学模子演算法对人脸展开应用范畴,合做开发出高帅富打分器的机能。

做者 | 苏波尼波朗戈县的水

公司出品 | AI科技驻扎地(ID:rgznai100)

在育苗智能的财产开展愈来愈火爆的那时,傍边智能应用范畴也在充溢着他们的日常生活,傍边更具备目标性的便是人脸,因而傍边的应用范畴数不堪数,如地铁站的人脸控造系统,城市交通的智能监视商标控造系统之类。而传递表达式数学模子做为人脸的必选演算法,对影像的求逆具备较好的效用,而TensorFlow做为Google的开放源码架构具备较好的体例化特点,而第一集该文将借助传递表达式数学模子演算法对人脸展开应用范畴,合做开发出高帅富打分器的机能。

起首他们筹办体能训练的统计数据集文档留存在images设置装备摆设文档下,傍边的统计数据集如下表所示:

傍边需要体能训练的统计数据集的条码留存在Excel中,为All_Ratings.xlsx,即条码就为影像的高帅富打分,傍边的统计数据如下表所示:

接著他们增建两个python文档为_input_data.py,即用以加载统计数据集为到达体能训练的目标。那里和传递表达式数学模子毫无关系,故我现实上估计申明一下并予以附有标识符,傍边要引入的组件标识符:

import numpy as np import tensorflow as tf import os import cv2 import matplotlib.pyplot as plt import os from PIL import Image import pandas as pd

然后表述两个表达式用以以获取设置装备摆设文档下的相片,并表述五个数组别离为meis,chous,chous_label,meis_label那几个数组别离留存着美艳的相片名及标的目的,丑人的相片名及标的目的,丑人的条码设为0留存到chous_label那个数组中,美艳的条码设为1留存在meis_label。标识符如下表所示:

def get_files(file_dir): chous = [] meis = [] chous_label = [] meis_label = [] img_dirs = os.listdir(file_dir)#加载设置装备摆设文档下所有!目次名(条目体例) labpath = "F:/python练/test1/All_Ratings.xlsx" date = pd.read_excel(labpath) filenames = date[Filename] label = date[Rating] for i in range(filenames.shape[0]): if int(label[i])>3: meis_label.append(1) meis.append(file_dir + filenames[i]) else: chous_label.append(0) chous.append(file_dir + filenames[i]) img_list = np.hstack((chous, meis))#条目(数组体例) label_list = np.hstack((chous_label, meis_label))#条目(有理数体例) return img_list, label_list

接著再表述两个表达式用以以获取相片的长和宽,一次体能训练的特点值之类。详细标识符如下表所示:

def get_batch(image, label, image_w, image_h, batch_size, capacity):#capacity: 仓库中 最多可容相片的特点值 input_queue = tf.train.slice_input_producer([image, label])#tf.train.slice_input_producer是两个tensor计算机法式,感化是 # 根据预设,每天从两个tensor条目中顺次序或者乱数抽出出两个tensor放进设置装备摆设文档仓库。 label = input_queue[1] img_contents = tf.read_file(input_queue[0])#一维 image = tf.image.decode_jpeg(img_contents, channels=3)#解码成三维矩阵 image = tf.image.resize_image_with_crop_or_pad(image, image_w, image_h) image = tf.cast(image, tf.float32) image = tf.image.per_image_standardization(image) # 生成批次 num_threads 有几个线程按照电脑设置装备摆设设置 image_batch, label_batch = tf.train.batch([image, label], batch_size=batch_size, num_threads=64, capacity=capacity) return image_batch, label_batch

接著下面是传递表达式数学模子的演算法部门,他们需要成立两个设置装备摆设文档为model.py的文档,用以留存演算法构造参数,起首引入TensorFlow架构,标识符为:

import tensorflow as tf

起首简单申明下那篇该文所用的传递表达式数学模子的原理和构造:傍边第一层为输入层,即能够加载影像的各点像素值留存在矩阵中,接著为传递表达式一层我把它定名为“conv1”,即为第两个传递表达式层,即借助我表述的传递表达式核来乘上本来输入层的矩阵,而所谓的传递表达式核也就是两个矩阵,而傍边相乘包罗步长之类那里不详细申明。

接著接上两个池化层定名为“pooling1_lrn”,其次要目标是降采样,即将傍边影像的像素矩阵变小。接著再接上传递表达式二层,定名为“conv2”,每一层的输入层为上一层的输出值,再接上池化二层“pooling2_lrn”,同样目标降采样,接著接上全毗连层中的两个隐藏层名为“local3”,和“local4”,最初输出层接的是softmax激活表达式,为二分类的激活表达式,次要原因是我需要的成果是美和丑两种成果,详细标识符见下:

import tensorflow as tf #传递表达式数学模子提取特点 def inference(image, batch_size, n_classes): #第两个传递表达式层 with tf.variable_scope("conv1") as scope:#课本108,variable_scope控造get_variable是以获取(reuse=True)仍是创建变量 weights = tf.get_variable("weights", shape=[3,3,3,16], dtype=tf.float32, initializer=tf.truncated_normal_initializer(stddev=0.1, dtype=tf.float32)) biases = tf.get_variable("biases", shape=[16], dtype=tf.float32, initializer=tf.constant_initializer(0.1)) conv = tf.nn.conv2d(image, weights, strides=[1,1,1,1], padding="SAME") pre_activation = tf.nn.bias_add(conv, biases) conv1 = tf.nn.relu(pre_activation, name=scope.name) #池化层,降采样 with tf.variable_scope("pooling1_lrn") as scope: pool1 = tf.nn.max_pool(conv1, ksize=[1,3,3,1], strides=[1,2,2,1], padding="SAME", name="pooling1") norm1 = tf.nn.lrn(pool1, depth_radius=4, bias=1.0, alpha=0.001/9.0,beta=0.75, name="norm1")#部分响应归一化?????? with tf.variable_scope("conv2") as scope: weights = tf.get_variable("weights", shape=[3,3,16,16], dtype=tf.float32, initializer=tf.truncated_normal_initializer(stddev=0.1, dtype=tf.float32)) biases = tf.get_variable("biases", shape=[16], dtype=tf.float32, initializer=tf.constant_initializer(0.1)) conv = tf.nn.conv2d(norm1, weights, strides=[1,1,1,1], padding="SAME") pre_activation = tf.nn.bias_add(conv, biases) conv2 = tf.nn.relu(pre_activation, name=scope.name) with tf.variable_scope("pooling2_lrn") as scope: norm2 = tf.nn.lrn(conv2, depth_radius=4, bias=1.0, alpha=0.001/9.0,beta=0.75, name="norm2") pool2 = tf.nn.max_pool(norm2, ksize=[1,3,3,1], strides=[1,2,2,1], padding="SAME", name="pooling2") #全毗连层 with tf.variable_scope("local3") as scope: reshape = tf.reshape(pool2, shape=[batch_size, -1]) dim = reshape.get_shape()[1].value weights = tf.get_variable("weights", shape=[dim, 128], dtype=tf.float32, initializer=tf.truncated_normal_initializer(stddev=0.005, dtype=tf.float32)) biases = tf.get_variable("biases", shape=[128], dtype=tf.float32, initializer=tf.constant_initializer(0.1)) local3 = tf.nn.relu(tf.matmul(reshape, weights) + biases, name=scope.name) with tf.variable_scope("local4") as scope: weights = tf.get_variable("weights", shape=[128, 128], dtype=tf.float32, initializer=tf.truncated_normal_initializer(stddev=0.005, dtype=tf.float32)) biases = tf.get_variable("biases", shape=[128], dtype=tf.float32, initializer=tf.constant_initializer(0.1)) local4 = tf.nn.relu(tf.matmul(local3, weights) + biases,name="local4") #softmax二分类 with tf.variable_scope("softmax_linear") as scope: weights = tf.get_variable("weights", shape=[128, n_classes], dtype=tf.float32, initializer=tf.truncated_normal_initializer(stddev=0.005, dtype=tf.float32)) biases = tf.get_variable("biases", shape=[n_classes], dtype=tf.float32, initializer=tf.constant_initializer(0.1)) softmax_linear = tf.nn.relu(tf.matmul(local4, weights) + biases,name="softmax_linear") return softmax_linear def loss(logits, labels):#输出成果和尺度谜底 with tf.variable_scope("loss") as scope: cross_entropy= tf.nn.sparse_softmax_cross_entropy_with_logits(logits=logits, labels=labels, name="entropy_per_example") loss = tf.reduce_mean(cross_entropy) tf.summary.scalar(scope.name +"/loss",loss)#对标量统计数据汇总和记录利用tf.summary.scalar return loss def training(loss, learning_rate): with tf.name_scope("optimizer"): global_step = tf.Variable(0, name="global_step", trainable=False)#表述体能训练的轮数,为不成体能训练的参数 optimizer = tf.train.AdamOptimizer(learning_rate=learning_rate) train_op= optimizer.minimize(loss, global_step=global_step) #上两行等价于train_op = tf.train.AdamOptimizer(learning_rate=learning_rate).minimize(loss,global_step=global_step) return train_op def evalution(logits, labels): with tf.variable_scope("accuracy") as scope: correct = tf.nn.in_top_k(logits, labels, 1)#下面 correct = tf.cast(correct, tf.float16) accuracy = tf.reduce_mean(correct) tf.summary.scalar(scope.name+"/accuracy", accuracy)#用以显示标量信息 return accuracy

"""

top_1_op取样本的更大预测概率的索引与现实条码比照,top_2_op取样本的更大和仅次更大的两个预测概率与现实条码比照,

若是现实条码在傍边则为True,不然为False。

"""

傍边表述的几个表达式是为了体能训练利用而表述的,loss表达式计算每天体能训练的丧失值,training表达式用以加载体能训练,包罗丧失值和进修率,evalution用以评估每天体能训练的精准度。

接著起头模子的体能训练,增建两个python设置装备摆设文档为“training.py”,傍边预设常量:

N_CLASSES = 2 IMG_W = 350 IMG_H = 350 BATCH_SIZE = 32 CAPACITY = 256 STEP =500 #体能训练步数应当大于10000 LEARNING_RATE = 0.0001

别离暗示成果输出为二分类(美和丑),相片的长和宽,每天体能训练的相片数目,体能训练容量,体能训练次数,进修率;接著将前面成立的python文档中的表达式间接拿来利用,起首照旧是引入库以及前面成立的两个python文档:

import tensorflow as tf import numpy as np import os import _input_data import model

接著表述体能训练统计数据所留存的标的目的,模子留存的标的目的,傍边应留意模子留存的标的目的中不克不及呈现中文,不然报错;接著利用表达式体能训练。详细标识符如下表所示:

x = tf.placeholder(tf.float32, shape=[None,129792]) y_ = tf.placeholder(tf.float32, shape=[None, 5]) def run_training(): train_dir = "F:/python练/test1/Images/" log_train_dir = "F:/train_savenet/" train,train_labels = _input_data.get_files(train_dir) train_batch, train_label_batch = _input_data.get_batch(train, train_labels, IMG_W,IMG_H,BATCH_SIZE,CAPACITY) train_logits= model.inference(train_batch, BATCH_SIZE, N_CLASSES) train_loss= model.loss(train_logits, train_label_batch) train_op = model.training(train_loss, LEARNING_RATE) train_acc = model.evalution(train_logits, train_label_batch) summary_op = tf.summary.merge_all()#merge_all 能够将所有summary全数留存到磁盘,以便tensorboard显示。 # 一般那一句就可显示体能训练时的各类信息。 sess = tf.Session() train_writer =tf.summary.FileWriter(log_train_dir, sess.graph)#指定两个文档用以留存图 saver = tf.train.Saver() sess.run(tf.global_variables_initializer()) # Coordinator 和 start_queue_runners 监视 queue 的形态,不断的入队出队 coord = tf.train.Coordinator()#https://blog.csdn.net/weixin_42052460/article/details/80714539 threads = tf.train.start_queue_runners(sess=sess, coord=coord) try: for step in np.arange(STEP): if coord.should_stop(): break _, tra_loss, tra_acc = sess.run([train_op, train_loss, train_acc]) if step % 4 == 0 or (step + 1) == STEP: # 每个2步留存一下模子,模子留存在 checkpoint_path 中 checkpoint_path = os.path.join(log_train_dir, "model.ckpt") saver.save(sess, checkpoint_path, global_step=step) except tf.errors.OutOfRangeError: print(Done training -- epoch limit reached) finally: coord.request_stop() coord.join(threads) sess.close() run_training()

体能训练过程如图:

体能训练完毕后,会构成一些体能训练出来模子文档,能够间接拿来利用,那时候成立两个python设置装备摆设文档为“predict.py”用以利用模子,那部门不是重点,给出标识符和成果即可:

# -*- coding: utf-8 -*- import tensorflow as tf from PIL import Image import numpy as np import os import model import matplotlib.pyplot as plt import _input_data from matplotlib import pyplot from matplotlib.font_manager import FontProperties def get_one_img(test):#从指定目次中拔取一张相片 file = os.listdir(test)#os.listdir()返回指定目次下的所有文档和目次名。 n = len(file) ind = np.random.randint(0, n) img_dir = os.path.join(test, file[ind])#判断能否存在文档或目次name global image1 image1= Image.open(img_dir) #plt.imshow(image) #plt.show() image = image1.resize([350, 350]) image = np.array(image) return image def evaluate_one_img(): test = "F:/python练/test1/Images/" test_array = get_one_img(test) with tf.Graph().as_default():#https://www.cnblogs.com/studylyn/p/9105818.html BATCH_SIZE = 1 N_CLASSES = 2 image = tf.cast(test_array, tf.float32) image = tf.image.per_image_standardization(image) image = tf.reshape(image,[1,350,350,3]) logit = model.inference(image, BATCH_SIZE, N_CLASSES) logit = tf.nn.softmax(logit) x =tf.placeholder(tf.float32, shape =[350,350,3]) log_test_dir = F:/train_savenet/ saver = tf.train.Saver() global title with tf.Session() as sess: print("从指定标的目的中加载模子。。。") #将模子加载到sess中 ckpt = tf.train.get_checkpoint_state(log_test_dir) if ckpt and ckpt.model_checkpoint_path:#https://blog.csdn.net/u011500062/article/details/51728830/ global_step = ckpt.model_checkpoint_path.split("/")[-1].split("-")[-1] saver.restore(sess, ckpt.model_checkpoint_path) print("模子加载胜利,体能训练的步数为 "+global_step) else: print("模子加载失败,文档没有找到。") #将相片输入到模子计算 prediction = sess.run(logit, feed_dict={x: test_array}) max_index = tf.argmax(prediction) # 将相片输入到模子计算 if float(prediction[:, 0])>0.5: print(丑的概率 %.6f %prediction[:, 0]) print("丑") title=u丑+str(prediction[:, 0]*100) else: print(美的概率 %.6f %prediction[:, 1]) print("美") title=u美+str(prediction[:, 1]*100) # 测试 evaluate_one_img() imgplot = plt.imshow(image1) myfont = FontProperties(fname=r"c:\windows\fonts\simsun.ttc", size=15) plt.title(title,fontproperties=myfont) plt.show()

最末拿两个相片来尝试的成果如下表所示:

由此可见模子根本准确,也能够晓得传递表达式数学模子对影像求逆比力擅长。

(*本文为AI科技驻扎地投稿该文,转载请微信联络 1092722531)

出色保举

2019 中国大统计数据手艺大会(BDTC)再度来袭!奢华主席阵容及百位手艺专家齐聚,15 场精选专题手艺和行业论坛,超强干货+手艺分析+行业理论立体解读,深切解析热门手艺在行业中的理论落地。6.6 折票限时特惠(立减1400元),学生票仅 599 元!

0
回帖 返回游戏电竞

美依旧难看?CNN研发的视觉评分器|实战 期待您的回复!

取消