window10+tensorflow+Keras cpu版本的YOLO V3 训练自己的数据集


前言

本人笔记本没有英伟达显卡,想要使用YOLO V3训练自己的数据集,故想要使用tensorflow+Keras 配置cpu版本的YOLO V3 训练自己的数据集,系统是win10的。

tensorflow==1.6.0  python==3.6.5  Keras==2.1.5   使用的anaconda里面的。

主要参考了https://blog.csdn.net/weixin_42769131/article/details/88849903https://blog.csdn.net/u012746060/article/details/81183006#commentsedit这两篇博客完成了YOLO训练自己的数据集。


提示:以下是本篇文章正文内容,下面案例可供参考

一、程序下载和准备工作

第一步,https://blog.csdn.net/u012746060/article/details/81183006#commentsedit下载程序,工程的名字应该是keras-yolo3-master,通过https://pjreddie.com/media/files/yolov3.weights链接来下载yolov3.weights的权重文件,放到工程目录里面。第二步,然后在工程目录里面Shift+鼠标右键打开黑窗口,运行  python convert.py yolov3.cfg yolov3.weights model_data/yolo.h5,darknet下的yolov3配置文件转换成keras适用的h5文件。准备工作的第三步就是下载VOC2007的数据,因为代码是在VOC数据上实现的,我们下载了VOC数据以后,使用它的路径会比较方便,直接把里面的数据换成自己的数据集即可。

---VOCdevkit

        ---Annotation(自己创建,待会用来放置打标签产生的XML文件)

        ---Imagesets(也得自己创建好)

                window10+tensorflow+Keras cpu版本的YOLO V3 训练自己的数据集

        ---JPEGImages(自己的所有数据图片,放置到这个文件夹)

        ---SegmentationClass

        ---SegmentationObject

        ---test.py

第四步,对自己的数据集进行打标签,使用labelImg工具进行打标签,把生成的XML文件放置到Annotation中。

二、开始训练自己数据

1.生成ImageSet/Main/下面的4个文件,用于读取数据的路径和标签信息等,从而完成数据集的制作。在VOC2007下新建一个test.py的文件,运行下面的代码 

代码如下(示例):

import os
import random

trainval_percent = 0.1
train_percent = 0.9
xmlfilepath = 'Annotations'
txtsavepath = 'ImageSets\Main'
total_xml = os.listdir(xmlfilepath)

num = len(total_xml)
list = range(num)
tv = int(num * trainval_percent)
tr = int(tv * train_percent)
trainval = random.sample(list, tv)
train = random.sample(trainval, tr)

ftrainval = open('ImageSets/Main/trainval.txt', 'w')
ftest = open('ImageSets/Main/test.txt', 'w')
ftrain = open('ImageSets/Main/train.txt', 'w')
fval = open('ImageSets/Main/val.txt', 'w')

for i in list:
    name = total_xml[i][:-4] + '\n'
    if i in trainval:
        ftrainval.write(name)
        if i in train:
            ftest.write(name)
        else:
            fval.write(name)
    else:
        ftrain.write(name)

ftrainval.close()
ftrain.close()
fval.close()
ftest.close()
运行完毕,Main下面会多出这几个文件,相当于生成了训练数据的列表,完成了数据集的制作。

window10+tensorflow+Keras cpu版本的YOLO V3 训练自己的数据集

2.运行工程里面的voc_annotation.py,用于将参数列表提取出来。注意把代码中的类别改成自己数据中的打标签的那几种类别,这下面是我自己的类别。

window10+tensorflow+Keras cpu版本的YOLO V3 训练自己的数据集

代码如下(示例):

import xml.etree.ElementTree as ET
from os import getcwd

sets=[('2007', 'train'), ('2007', 'val'), ('2007', 'test')]

classes = ["Ashley_gold", "Ashley_white" ,"Nippon_white","Nippon_gold"]


def convert_annotation(year, image_id, list_file):
    in_file = open('VOCdevkit/VOC%s/Annotations/%s.xml'%(year, image_id),"r", encoding='UTF-8')
    tree=ET.parse(in_file)
    root = tree.getroot()

    for obj in root.iter('object'):
        difficult = obj.find('difficult').text
        cls = obj.find('name').text
        if cls not in classes or int(difficult)==1:
            continue
        cls_id = classes.index(cls)
        xmlbox = obj.find('bndbox')
        b = (int(xmlbox.find('xmin').text), int(xmlbox.find('ymin').text), int(xmlbox.find('xmax').text), int(xmlbox.find('ymax').text))
        list_file.write(" " + ",".join([str(a) for a in b]) + ',' + str(cls_id))

wd = getcwd()

for year, image_set in sets:
    image_ids = open('VOCdevkit/VOC%s/ImageSets/Main/%s.txt'%(year, image_set)).read().strip().split()
    list_file = open('%s_%s.txt'%(year, image_set), 'w')
    for image_id in image_ids:
        list_file.write('%s/VOCdevkit/VOC%s/JPEGImages/%s.jpg'%(wd, year, image_id))
        convert_annotation(year, image_id, list_file)
        list_file.write('\n')
    list_file.close()

运行完成后,就在工程下面生成了下面的几个txt,这其中包含了数据的路径信息、边框的信息以及边框的类别信息等。

window10+tensorflow+Keras cpu版本的YOLO V3 训练自己的数据集

 3.把工程下面的model_data里面的coco_classes.txt和voc_classes.txt里面都改成自己的标签类别。

window10+tensorflow+Keras cpu版本的YOLO V3 训练自己的数据集

window10+tensorflow+Keras cpu版本的YOLO V3 训练自己的数据集

4.运行工程下面的Kemans.py,这样会生成适合我们自己数据的一些预测锚框,9个预测锚框会打印出来,我们可以复制粘贴到model_data下面的yolo_anchors中,替换掉之前的。

window10+tensorflow+Keras cpu版本的YOLO V3 训练自己的数据集

5.更改yolov3.cfg配置文件。打开yolo3.cfg文件,搜索yolo(共出现三次),每次按下面都要修改。

1.classes   (改成自己的类别个数,我是4个类别,所以写的4)

2.anchors (上一步,我们不是生成了适合自己的锚框,把这里也改成适合自己的那些)

3.random (电脑配置不大行的话 就写为0)

4.filters (这个数是根据类别计算出来的,我们这里4类,对应得是27)

window10+tensorflow+Keras cpu版本的YOLO V3 训练自己的数据集6.先在log下面新建一个000文件,用于保存训练得模型,然后运行train.py,进行yolo v3得训练。

"""
Retrain the YOLO model for your own dataset.
"""
import numpy as np
import keras.backend as K
from keras.layers import Input, Lambda
from keras.models import Model
from keras.callbacks import TensorBoard, ModelCheckpoint, EarlyStopping

from yolo3.model import preprocess_true_boxes, yolo_body, tiny_yolo_body, yolo_loss
from yolo3.utils import get_random_data


def _main():
    annotation_path = '2007_train.txt'
    log_dir = 'logs/001/'
    classes_path = 'model_data/voc_classes.txt'
    anchors_path = 'model_data/yolo_anchors.txt'
    class_names = get_classes(classes_path)
    anchors = get_anchors(anchors_path)
    input_shape = (416,416) # multiple of 32, hw
    model = create_model(input_shape, anchors, len(class_names) )
    train(model, annotation_path, input_shape, anchors, len(class_names), log_dir=log_dir)

def train(model, annotation_path, input_shape, anchors, num_classes, log_dir='logs/'):
    model.compile(optimizer='adam', loss={
        'yolo_loss': lambda y_true, y_pred: y_pred})
    logging = TensorBoard(log_dir=log_dir)
    checkpoint = ModelCheckpoint(log_dir + "ep{epoch:03d}-loss{loss:.3f}-val_loss{val_loss:.3f}.h5",
        monitor='val_loss', save_weights_only=True, save_best_only=True, period=1)
    #batch_size = 10
    batch_size = 5
    val_split = 0.1
    with open(annotation_path) as f:
        lines = f.readlines()
    np.random.shuffle(lines)
    num_val = int(len(lines)*val_split)
    num_train = len(lines) - num_val
    print('Train on {} samples, val on {} samples, with batch size {}.'.format(num_train, num_val, batch_size))

    model.fit_generator(data_generator_wrap(lines[:num_train], batch_size, input_shape, anchors, num_classes),
            steps_per_epoch=max(1, num_train//batch_size),
            validation_data=data_generator_wrap(lines[num_train:], batch_size, input_shape, anchors, num_classes),
            validation_steps=max(1, num_val//batch_size),
            epochs=50,
            #epochs=10,
            initial_epoch=0)
    model.save_weights(log_dir + 'trained_weights.h5')

def get_classes(classes_path):
    with open(classes_path) as f:
        class_names = f.readlines()
    class_names = [c.strip() for c in class_names]
    return class_names

def get_anchors(anchors_path):
    with open(anchors_path) as f:
        anchors = f.readline()
    anchors = [float(x) for x in anchors.split(',')]
    return np.array(anchors).reshape(-1, 2)

def create_model(input_shape, anchors, num_classes, load_pretrained=False, freeze_body=False,
            weights_path='model_data/yolo_weights.h5'):
    K.clear_session() # get a new session
    image_input = Input(shape=(None, None, 3))
    h, w = input_shape
    num_anchors = len(anchors)
    y_true = [Input(shape=(h//{0:32, 1:16, 2:8}[l], w//{0:32, 1:16, 2:8}[l], \
        num_anchors//3, num_classes+5)) for l in range(3)]

    model_body = yolo_body(image_input, num_anchors//3, num_classes)
    print('Create YOLOv3 model with {} anchors and {} classes.'.format(num_anchors, num_classes))

    if load_pretrained:
        model_body.load_weights(weights_path, by_name=True, skip_mismatch=True)
        print('Load weights {}.'.format(weights_path))
        if freeze_body:
            # Do not freeze 3 output layers.
            num = len(model_body.layers)-7
            for i in range(num): model_body.layers[i].trainable = False
            print('Freeze the first {} layers of total {} layers.'.format(num, len(model_body.layers)))

    model_loss = Lambda(yolo_loss, output_shape=(1,), name='yolo_loss',
        arguments={'anchors': anchors, 'num_classes': num_classes, 'ignore_thresh': 0.5})(
        [*model_body.output, *y_true])
    model = Model([model_body.input, *y_true], model_loss)
    return model
def data_generator(annotation_lines, batch_size, input_shape, anchors, num_classes):
    n = len(annotation_lines)
    np.random.shuffle(annotation_lines)
    i = 0
    while True:
        image_data = []
        box_data = []
        for b in range(batch_size):
            i %= n
            image, box = get_random_data(annotation_lines[i], input_shape, random=True)
            image_data.append(image)
            box_data.append(box)
            i += 1
        image_data = np.array(image_data)
        box_data = np.array(box_data)
        y_true = preprocess_true_boxes(box_data, input_shape, anchors, num_classes)
        yield [image_data, *y_true], np.zeros(batch_size)

def data_generator_wrap(annotation_lines, batch_size, input_shape, anchors, num_classes):
    n = len(annotation_lines)
    if n==0 or batch_size<=0: return None
    return data_generator(annotation_lines, batch_size, input_shape, anchors, num_classes)

if __name__ == '__main__':
    _main()

三、最后训练完后,是进行测试。测试 yolo_vedio.py  --image

window10+tensorflow+Keras cpu版本的YOLO V3 训练自己的数据集

上一篇:物体检测综述(RCNN系列和YOLO系列)、发展历程、学习资源汇总


下一篇:APP图标在线生成