yolo的txt格式转化成coco的json

话不多说,直接上代码:

"""
YOLO 格式的数据集转化为 COCO 格式的数据集
--root_dir 输入根路径
--save_path 保存文件的名字(没有random_split时使用)
--random_split 有则会随机划分数据集,然后再分别保存为3个文件。
--split_by_file 按照 ./train.txt ./val.txt 9:1的比例来对数据集进行划分。
"""

import os
import cv2
import json
from tqdm import tqdm
from sklearn.model_selection import train_test_split
import argparse

parser = argparse.ArgumentParser()
parser.add_argument('--root_dir', default='./train',type=str, help="root path of images and labels, include ./images and ./labels and classes.txt")
parser.add_argument('--save_path', type=str,default='./train.json', help="if not split the dataset, give a path to a json file")
parser.add_argument('--random_split', action='store_true', help="random split the dataset, default ratio is 8:1:1")
parser.add_argument('--split_by_file', action='store_true', help="define how to split the dataset, include ./train.txt ./val.txt ./test.txt ")

arg = parser.parse_args()

def train_test_val_split_random(img_paths,ratio_train=0.9,ratio_val=0.1):
    # 这里可以修改数据集划分的比例。
    assert int(ratio_train+ratio_val) == 1
    train_img, val_img = train_test_split(img_paths,test_size=1-ratio_train, random_state=233)
    # ratio=ratio_val/(1-ratio_train)
    # val_img=train_test_split(middle_img,test_size=ratio, random_state=233)
    print("NUMS of train:val = {}:{}".format(len(train_img), len(val_img)))
    return train_img, val_img

def train_test_val_split_by_files(img_paths, root_dir):
    # 根据文件 train.txt, val.txt, test.txt(里面写的都是对应集合的图片名字) 来定义训练集、验证集和测试集
    phases = ['train', 'val']
    img_split = []
    for p in phases:
        define_path = os.path.join(root_dir, f'{p}.txt')
        print(f'Read {p} dataset definition from {define_path}')
        assert os.path.exists(define_path)
        with open(define_path, 'r') as f:
            img_paths = f.readlines()
            # img_paths = [os.path.split(img_path.strip())[1] for img_path in img_paths]  # NOTE 取消这句备注可以读取绝对地址。
            img_split.append(img_paths)
    return img_split[0], img_split[1], img_split[2]


def yolo2coco(arg):
    root_path = arg.root_dir
    print("Loading data from ",root_path)

    assert os.path.exists(root_path)
    originLabelsDir = os.path.join(root_path, 'labels')                                     
    originImagesDir = os.path.join(root_path, 'images')
    with open(os.path.join(root_path, 'classes.txt')) as f:
        classes = f.read().strip().split()
        print(classes)
    # images dir name
    indexes = os.listdir(originImagesDir)

    if arg.random_split or arg.split_by_file:
        # 用于保存所有数据的图片信息和标注信息
        train_dataset = {'categories': [], 'annotations': [], 'images': []}
        val_dataset = {'categories': [], 'annotations': [], 'images': []}
        test_dataset = {'categories': [], 'annotations': [], 'images': []}

        # 建立类别标签和数字id的对应关系, 类别id从0开始。
        for i, cls in enumerate(classes, 0):
            train_dataset['categories'].append({'id': i, 'name': cls, 'supercategory': 'cow'})
            val_dataset['categories'].append({'id': i, 'name': cls, 'supercategory': 'cow'})
            test_dataset['categories'].append({'id': i, 'name': cls, 'supercategory': 'cow'})
            
        if arg.random_split:
            print("spliting mode: random split")
            train_img, val_img = train_test_val_split_random(indexes,0.9,0.1)
        elif arg.split_by_file:
            print("spliting mode: split by files")
            train_img, val_img, test_img = train_test_val_split_by_files(indexes, root_path)
    else:
        dataset = {'categories': [], 'annotations': [], 'images': []}
        for i, cls in enumerate(classes, 0):
            dataset['categories'].append({'id': i, 'name': cls, 'supercategory': 'cow'})
    
    # 标注的id
    ann_id_cnt = 0
    for k, index in enumerate(tqdm(indexes)):
        # print(k,index)
        # 支持 png jpg 格式的图片。
        txtFile = index.replace('images','txt').replace('.jpg','.txt').replace('.png','.txt')
        # print(txtFile)
        # 读取图像的宽和高  
        im = cv2.imread(os.path.join(root_path, 'images/') + index)
        
        height, width, _ = im.shape
        # print(height,width)
        if arg.random_split or arg.split_by_file:
            # 切换dataset的引用对象,从而划分数据集
                if index in train_img:
                    dataset = train_dataset
                elif index in val_img:
                    dataset = val_dataset
                elif index in test_img:
                    dataset = test_dataset
        # 添加图像的信息
        dataset['images'].append({'file_name': index,
                                    'id': k,
                                    'width': width,
                                    'height': height})
        if not os.path.exists(os.path.join(originLabelsDir, txtFile)):
            # 如没标签,跳过,只保留图片信息。
            continue
        with open(os.path.join(originLabelsDir, txtFile), 'r') as fr:
            labelList = fr.readlines()
            for label in labelList:
                # print(label)
                label = label.strip().split()
                # print(label)
                x = float(label[1])
                y = float(label[2])  
                w = float(label[3])
                h = float(label[4])

                # convert x,y,w,h to x1,y1,x2,y2
                H, W, _ = im.shape
                x1 = int((x - w / 2) * W)
                y1 = int((y - h / 2) * H)
                x2 = int((x + w / 2) * W)
                y2 = int((y + h / 2) * H)
                # 标签序号从0开始计算, coco2017数据集标号混乱,不管它了。
                cls_id = int(label[0])   
                width = max(x1-x2, x2 - x1)
                height = max(y1-y2, y2 - y1)
                # print(width)
                dataset['annotations'].append({
                    'area': width * height,
                    'bbox': [x1, y1, width, height],
                    'category_id': cls_id,
                    'id': ann_id_cnt,
                    'image_id': k,
                    'iscrowd': 0,
                    # mask, 矩形是从左上角点按顺时针的四个顶点
                    # 'segmentation': [[x1, y1, x2, y1, x2, y2, x1, y2]]
                    'segmentation': []
                })
                ann_id_cnt += 1

    # 保存结果
    folder = os.path.join(root_path, 'annotations')
    if not os.path.exists(folder):
        os.makedirs(folder)
    if arg.random_split or arg.split_by_file:
        for phase in ['train','val']:
            json_name = os.path.join(root_path, 'annotations/{}.json'.format(phase))
            with open(json_name, 'w') as f:
                if phase == 'train':
                    json.dump(train_dataset, f)
                elif phase == 'val':
                    json.dump(val_dataset, f)
                
            print('Save annotation to {}'.format(json_name))
    else:
        json_name = os.path.join(root_path, 'annotations/{}'.format(arg.save_path))
        with open(json_name, 'w') as f:
            json.dump(dataset, f)
            print('Save annotation to {}'.format(json_name))

if __name__ == "__main__":

    yolo2coco(arg)

  • 0
    点赞
  • 3
    收藏
    觉得还不错? 一键收藏
  • 0
    评论
YOLO数据集转换为COCO格式需要进行以下步骤: 1. 将YOLO标注文件(.txt)转换为COCO标注文件(.json) 2. 将YOLO图像文件(.jpg)复制到COCO数据集目录下的images文件夹中 3. 在COCO标注文件中添加图像信息 具体实现可以参考以下步骤: 1. 安装cocoapi ``` pip install pycocotools ``` 2. 创建COCO数据集目录结构 ``` coco_dataset/ annotations/ instances_train.json instances_val.json images/ train/ val/ ``` 3. 编写转换脚本 ```python import json import os from PIL import Image # YOLO标注文件路径 yolo_annotation_path = 'yolo_dataset/annotations/train.txt' # COCO数据集路径 coco_dataset_path = 'coco_dataset' # COCO标注文件路径 coco_annotation_path = os.path.join(coco_dataset_path, 'annotations', 'instances_train.json') # 图像目录路径 image_dir = os.path.join(coco_dataset_path, 'images', 'train') # 类别名称映射表 class_name_map = { '0': 'person', '1': 'car', # ... } # COCO标注文件格式 coco_annotation = { "info": {}, "licenses": [], "images": [], "annotations": [], "categories": [] } # 添加类别信息 for class_id, class_name in class_name_map.items(): coco_annotation['categories'].append({ 'id': int(class_id), 'name': class_name, 'supercategory': '' }) # 读取YOLO标注文件 with open(yolo_annotation_path, 'r') as f: lines = f.readlines() # 处理每个标注文件 for line in lines: line = line.strip() image_path, *bboxes = line.split(' ') # 添加图像信息 image_id = len(coco_annotation['images']) + 1 image_name = os.path.basename(image_path) image = Image.open(image_path) width, height = image.size coco_annotation['images'].append({ 'id': image_id, 'file_name': image_name, 'width': width, 'height': height }) # 处理每个bbox for bbox in bboxes: class_id, x_center, y_center, w, h = bbox.split(',') x_min = int(float(x_center) - float(w) / 2 * width) y_min = int(float(y_center) - float(h) / 2 * height) x_max = int(float(x_center) + float(w) / 2 * width) y_max = int(float(y_center) + float(h) / 2 * height) # 添加标注信息 annotation_id = len(coco_annotation['annotations']) + 1 coco_annotation['annotations'].append({ 'id': annotation_id, 'image_id': image_id, 'category_id': int(class_id), 'bbox': [x_min, y_min, x_max - x_min, y_max - y_min], 'area': (x_max - x_min) * (y_max - y_min), 'iscrowd': 0 }) # 保存COCO标注文件 with open(coco_annotation_path, 'w') as f: json.dump(coco_annotation, f) ``` 4. 运行转换脚本 ``` python yolo2coco.py ```

“相关推荐”对你有帮助么?

  • 非常没帮助
  • 没帮助
  • 一般
  • 有帮助
  • 非常有帮助
提交
评论
添加红包

请填写红包祝福语或标题

红包个数最小为10个

红包金额最低5元

当前余额3.43前往充值 >
需支付:10.00
成就一亿技术人!
领取后你会自动成为博主和红包主的粉丝 规则
hope_wisdom
发出的红包
实付
使用余额支付
点击重新获取
扫码支付
钱包余额 0

抵扣说明:

1.余额是钱包充值的虚拟货币,按照1:1的比例进行支付金额的抵扣。
2.余额无法直接购买下载,可以购买VIP、付费专栏及课程。

余额充值