资源简介
使用MobileNet V1官方预训练模型示例,通过该代码可以快速接入MobileNet V1
代码片段和文件信息
import tensorflow as tf
from mobilenet_v1 import mobilenet_v1mobilenet_v1_arg_scope
import cv2
import os
import numpy as np
slim = tf.contrib.slim
CKPT = ‘mobilenet_v1_1.0_192.ckpt‘
dir_path = ‘test_images‘
def build_model(inputs):
with slim.arg_scope(mobilenet_v1_arg_scope(is_training=False)):
logits end_points = mobilenet_v1(inputs is_training=False depth_multiplier=1.0 num_classes=1001)
scores = end_points[‘Predictions‘]
print(scores)
#取概率最大的5个类别及其对应概率
output = tf.nn.top_k(scores k=3 sorted=True)
#indices为类别索引,values为概率值
return output.indicesoutput.values
def load_model(sess):
loader = tf.train.Saver()
loader.restore(sessCKPT)
def get_data(path_listidx):
img_path = images_path[idx]
img = cv2.imread(img_path)
img = cv2.cvtColor(imgcv2.COLOR_BGR2RGB)
img = cv2.resize(img(192192))
img = np.expand_dims(imgaxis=0)
img = (img/255.0-0.5)*2.0
return img_pathimg
def load_label():
label=[‘其他‘]
with open(‘label.txt‘‘r‘encoding=‘utf-8‘) as r:
lines = r.readlines()
for l in lines:
l = l.strip()
arr = l.split(‘‘)
label.append(arr[1])
return label
inputs=tf.placeholder(dtype=tf.float32shape=(11921923))
classes_tfscores_tf = build_model(inputs)
images_path =[dir_path+‘/‘+n for n in os.listdir(dir_path)]
label=load_label()
with tf.Session() as sess:
load_model(sess)
for i in range(len(images_path)):
pathimg = get_data(images_pathi)
classesscores = sess.run([classes_tfscores_tf]feed_dict={inputs:img})
print(‘\n识别‘path‘结果如下:‘)
for j in range(3):#top 3
idx = classes[0][j]
score=scores[0][j]
print(‘\tNo.‘j‘类别:‘label[idx]‘概率:‘score)
属性 大小 日期 时间 名称
----------- --------- ---------- ----- ----
目录 0 2018-10-22 20:42 load_mobilenet_v1\
文件 1934 2018-10-22 19:48 load_mobilenet_v1\inference.py
文件 15161 2018-10-22 19:37 load_mobilenet_v1\label.txt
文件 23043 2018-10-22 19:01 load_mobilenet_v1\mobilenet_v1.py
文件 67903136 2018-08-03 09:38 load_mobilenet_v1\mobilenet_v1_1.0_192.ckpt.data-00000-of-00001
文件 19954 2018-08-03 09:38 load_mobilenet_v1\mobilenet_v1_1.0_192.ckpt.index
文件 3364912 2018-08-03 09:38 load_mobilenet_v1\mobilenet_v1_1.0_192.ckpt.me
目录 0 2018-10-22 19:50 load_mobilenet_v1\test_images\
文件 36213 2018-10-22 18:57 load_mobilenet_v1\test_images\test1.png
文件 385924 2018-10-22 19:32 load_mobilenet_v1\test_images\test2.png
目录 0 2018-10-22 20:42 load_mobilenet_v1\__pycache__\
文件 17213 2018-10-22 20:42 load_mobilenet_v1\__pycache__\mobilenet_v1.cpython-36.pyc
- 上一篇:设计模式第二版课件27个ppt及代码
- 下一篇:[软件调试].张银奎.扫描版.pdf
相关资源
- 轻量化网络综述PPTsqueezeNet,Deep Comp
- mobilenet_v2-6a65762b.pth
- MobileNet论文翻译
- cyclegan预训练模型
- mobilenet v1模型pb文件亲测可用
- Tiny-yolo预训练模型darknet.conv.weights
- Mobilenet-SSD 车辆检测
- ESRGAN需要用到的预训练模型
- MobileNetSSD_deploy.caffemodel
- 用于SiamRPN的预训练模型AlexNet.pth
- HigherHRNet预训练模型
- inception_resnet_v2_2016_08_30预训练模型
- YOLOV3 预训练模型 darknet53.conv.74.zip
- VGG16 model for Keras
- mobil_mask_rcnn_coco.h5
- U2Net 网络预训练模型u2net.pth
- places205CNN_deploy30万次预训练模型caff
- pytorch-resnet18和resnet50官方预训练模型
- caffe-SSD网络预训练模型
- ssd_mobilenet_v1_coco_2017_11_17
- VGG19预训练模型不包括全连接层
- Resnet 50 权重文件
- kears下imageNet数据集的预训练模型
- facenet预训练模型
- MobileNet SSD框架解析
- resnet各种预训练模型
- MobileNetSSD_deploy网络文件适用于demo.p
- Faster-Rcnn-TF预训练模型
- crowdcount-mcnn-master复现的预训练模型
- VGG预训练模型链接
评论
共有 条评论