利用opencv对图像和检测框做任意角度的旋转

一.钢筋比赛中的数据扩充 

#coding:utf-8
#数据集扩增
import cv2
import math
import numpy as np
import xml.etree.ElementTree as ET
import osdef rotate_image(src, angle, scale=1):w = src.shape[1]h = src.shape[0]# 角度变弧度rangle = np.deg2rad(angle)  # angle in radians# now calculate new image width and heightnw = (abs(np.sin(rangle) * h) + abs(np.cos(rangle) * w)) * scalenh = (abs(np.cos(rangle) * h) + abs(np.sin(rangle) * w)) * scale# ask OpenCV for the rotation matrixrot_mat = cv2.getRotationMatrix2D((nw * 0.5, nh * 0.5), angle, scale)# calculate the move from the old center to the new center combined# with the rotationrot_move = np.dot(rot_mat, np.array([(nw - w) * 0.5, (nh - h) * 0.5, 0]))# the move only affects the translation, so update the translation# part of the transformrot_mat[0, 2] += rot_move[0]rot_mat[1, 2] += rot_move[1]dst = cv2.warpAffine(src, rot_mat, (int(math.ceil(nw)), int(math.ceil(nh))), flags=cv2.INTER_LANCZOS4)# 仿射变换return dst# 对应修改xml文件
def rotate_xml(src, xmin, ymin, xmax, ymax, angle, scale=1.):w = src.shape[1]h = src.shape[0]rangle = np.deg2rad(angle)  # angle in radians# now calculate new image width and height# 获取旋转后图像的长和宽nw = (abs(np.sin(rangle)*h) + abs(np.cos(rangle)*w))*scalenh = (abs(np.cos(rangle)*h) + abs(np.sin(rangle)*w))*scale# ask OpenCV for the rotation matrixrot_mat = cv2.getRotationMatrix2D((nw*0.5, nh*0.5), angle, scale)# calculate the move from the old center to the new center combined# with the rotationrot_move = np.dot(rot_mat, np.array([(nw-w)*0.5, (nh-h)*0.5,0]))# the move only affects the translation, so update the translation# part of the transformrot_mat[0, 2] += rot_move[0]rot_mat[1, 2] += rot_move[1]# print('rot_mat=', rot_mat)# rot_mat是最终的旋转矩阵# point1 = np.dot(rot_mat, np.array([xmin, ymin, 1]))          #这种新画出的框大一圈# point2 = np.dot(rot_mat, np.array([xmax, ymin, 1]))# point3 = np.dot(rot_mat, np.array([xmax, ymax, 1]))# point4 = np.dot(rot_mat, np.array([xmin, ymax, 1]))point1 = np.dot(rot_mat, np.array([(xmin+xmax)/2, ymin, 1]))   # 获取原始矩形的四个中点,然后将这四个点转换到旋转后的坐标系下# print('point1=',point1)point2 = np.dot(rot_mat, np.array([xmax, (ymin+ymax)/2, 1]))# print('point2=', point2)point3 = np.dot(rot_mat, np.array([(xmin+xmax)/2, ymax, 1]))# print('point3=', point3)point4 = np.dot(rot_mat, np.array([xmin, (ymin+ymax)/2, 1]))# print('point4=', point4)concat = np.vstack((point1, point2, point3, point4))            # 合并np.array# print('concat=', concat)# 改变array类型concat = concat.astype(np.int32)rx, ry, rw, rh = cv2.boundingRect(concat)                        #rx,ry,为新的外接框左上角坐标,rw为框宽度,rh为高度,新的xmax=rx+rw,新的ymax=ry+rhreturn rx, ry, rw, rh'''使图像旋转15, 30, 45, 60, 75, 90, 105, 120度
'''
# imgpath = './images/train/'          #源图像路径
imgpath = './train_example/'          #源图像路径
xmlpath = './Annotations/'            #源图像所对应的xml文件路径
rotated_imgpath = './train_example_out/'
rotated_xmlpath = './Annotations_out/'
if not (os.path.exists(rotated_imgpath) and os.path.exists(rotated_xmlpath)):os.mkdir(rotated_imgpath)os.mkdir(rotated_xmlpath)
for angle in (15,30, 45, 60, 75, 90, 105, 120):for i in os.listdir(imgpath):a, b = os.path.splitext(i)                            #分离出文件名aimg = cv2.imread(imgpath + a + '.jpg')rotated_img = rotate_image(img,angle)cv2.imwrite(rotated_imgpath + a + '_'+ str(angle) +'d.jpg',rotated_img)print (str(i) + ' has been rotated for '+ str(angle)+'°')tree = ET.parse(xmlpath + a + '.xml')root = tree.getroot()for box in root.iter('bndbox'):xmin = float(box.find('xmin').text)ymin = float(box.find('ymin').text)xmax = float(box.find('xmax').text)ymax = float(box.find('ymax').text)x, y, w, h = rotate_xml(img, xmin, ymin, xmax, ymax, angle)cv2.rectangle(rotated_img, (x, y), (x+w, y+h), [0, 0, 255], 2)   #可在该步骤测试新画的框位置是否正确box.find('xmin').text = str(x)box.find('ymin').text = str(y)box.find('xmax').text = str(x+w)box.find('ymax').text = str(y+h)tree.write(rotated_xmlpath + a + '_'+ str(angle) +'d.xml')cv2.imwrite(rotated_imgpath + a + '_' + str(angle) + 'd.jpg', rotated_img)print (str(a) + '.xml has been rotated for '+ str(angle)+'°')

二.文本框旋转

import  random
import cv2
#转换成顺时针的四个点
def order_point(pts):rect = np.zeros((4, 2), dtype="float32")# the top-left point will have the smallest sum, whereas# the bottom-right point will have the largest sums = np.sum(pts, axis=1)rect[0] = pts[np.argmin(s)]rect[2] = pts[np.argmax(s)]# the top-right point will have the smallest difference,# whereas the bottom-left will have the largest differenced = np.diff(pts, axis=1)rect[1] = pts[np.argmin(d)]rect[3] = pts[np.argmax(d)]return rectdef random_rotate(img,random_angle = 20):angle = random.random() * 2 * random_angle - random_anglew, h = img.shape[:2]rotation_matrix = cv2.getRotationMatrix2D((h / 2, w / 2), angle, 1)img_rotation = cv2.warpAffine(img, rotation_matrix, (h, w))return img_rotation,rotation_matrixdef cal_affine_coord(ori_coord,M):x = ori_coord[0]y = ori_coord[1]_x = x * M[0, 0] + y * M[0, 1] + M[0, 2]_y = x * M[1, 0] + y * M[1, 1] + M[1, 2]return [int(_x), int(_y)]def get_rotate_img_boxes(random_angle = 20):img_file = './ch4_test_images/img_1.jpg'txt_file = './test_gts/img_1.txt'img = cv2.imread(img_file)fid = open(txt_file, 'r', encoding='utf-8')bboxes = []for line in fid.readlines():line = line.strip().replace('\ufeff', '').split(',')# print('====line', line)line = line[:8]line = list(map(int,line))line = np.array(line)line = line.reshape(4, 2)# print('====line', line)line = cv2.minAreaRect(line)#中心(x,y), (宽,高), 旋转角度)# print('====line', line)line = cv2.boxPoints(line).astype(np.int)#逆时针从右下角开始走# print('====line', line)line = order_point(line)#顺时针从左下角开始走# print('====line', line)bboxes.append(line)# print('===bboxes:', bboxes)img1, M = random_rotate(img, random_angle)new_all_rects = []for item in bboxes:rect = []for coord in item:# print('==coord', coord)rotate_coord = cal_affine_coord(coord,M)rect.append(rotate_coord)# debug showcv2.polylines(img1, [np.array(rect).reshape(-1, 1, 2)], True, (0, 255, 0), thickness=2)new_all_rects.append(np.array(rect).reshape(8))print('=====new_all_rects', new_all_rects)cv2.imwrite('./img_rotate.jpg', img1)return img1, new_all_rects

txt:

点:

933,255,954,255,956,277,936,277,###
172,323,195,324,195,339,177,339,###
83,270,118,271,115,294,88,291,###
940,310,962,310,962,320,940,320,###
946,356,976,351,978,368,950,374,###
940,322,962,322,964,333,943,334,###
128,344,210,342,206,361,128,362,###
312,303,360,303,360,312,312,312,###

输出:

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:http://www.mzph.cn/news/493340.shtml

如若内容造成侵权/违法违规/事实不符,请联系多彩编程网进行投诉反馈email:809451989@qq.com,一经查实,立即删除!

相关文章

中国科学家将绘制最精细人脑三维“地图”

骆清铭在检查实验结果。(受访者供图)来源:新华社客户端作者:喻菲 胡喆 李博 夏鹏为什么有的大脑能洞见美妙的宇宙法则,有的能创作出扣人心弦的乐曲与画作?记忆和意识是如何产生的?人类虽已能观察…

python解析xml+得到pascal voc xml格式用于目标检测+美化xml

1.python解析xml img_path./data/001.tifxml_path./xml/001.xmlimgcv2.imread(img_path)# cv2.imshow(img, img)# cv2.waitKey(0)print(img.shape)try:xmlp ET.XMLParser(encoding"utf-8")tree ET.parse(xml_path, parserxmlp)root tree.getroot()print(tree)prin…

美权威报告:量子计算十年内无法落地

来源:云头条摘要:美国方面称,它对这项复杂的技术何时真正大有用武之地毫无头绪。美国国家科学、工程和医学科学院本周发布了一份介绍量子计算现状的报告。考虑到有人推测这类设备可能使目前的加密方案变得毫无价值,这个话题令人不…

“深绿” 及 AlphaGo 对指挥与控制智能化的启示

来源:《指挥与控制学报》摘要: 随着未来战争日趋复杂、人工智能突飞猛进, 指挥与控制向智能化发展成为大势所趋. 美军的 “深绿” 计划项目虽因各 种原因暂停, 但其思路和方法值得借鉴. AlphaGo 在围棋领域战胜人类顶尖水平, 其采用的方法也有一定的参考…

熵的基础知识,特征工程,特征归一化,交叉验证,grid search,模型存储与加载

1.自信息: 2.信息熵 3.p对Q的KL散度(相对熵) 证明kl散度大于等于0 4.交叉熵 可看出交叉熵信息熵相对熵 数据集地址:水果数据集_机器学习水果识别,水果分类数据集-机器学习其他资源-CSDN下载 一,类别型特征和有序性特…

5G与AI深度融合,人类世界即将产生巨变

来源:系数据观整理自网络摘要:近几年,科技界有两大领域越来越热:一个是5G,一个是AI。两者都是能够改变时代的颠覆性技术。单独看5G或AI技术,它们的发展都面临重重挑战, 我们不妨脑洞大开&#x…

统计学第一章--最小二乘拟合正弦函数,正则化

#coding:utf-8 import numpy as np import scipy as sp from scipy.optimize import leastsq import matplotlib.pyplot as plt # 目标函数 def real_func(x):return np.sin(2*np.pi*x)# 多项式 def fit_func(p, x):f np.poly1d(p)# print(f,f)return f(x)# 残差 def residual…

装配式建筑连入自动驾驶技术,未来城市的房子居然是这个样子......

来源:gooood谷德设计网概念如果说古典的城市是关于神的,现代城市是关于资本和权力的,那么未来的城市就应该是关于人与自然的。人在朝朝暮暮,山山水水,风风雨雨,一草一木天地之间无不有感而发,触…

iOS6新特征:UICollectionView介绍-非常棒 -转

传送门:http://www.devdiv.com/forum.php?modviewthread&tid128378 转载于:https://www.cnblogs.com/ygm900/p/3652681.html

ROC曲线,AUC值,PR曲线,AP值

Receiver Operating Characteristic (ROC) with cross validation — scikit-learn 1.0.2 documentation Precision-Recall — scikit-learn 1.0.2 documentation 一,ROC 横轴:负正类率(false postive rate FPR)特异度,划分实例中所有负例…

报告:最大化人工智能(AI)机遇

来源:199IT互联网数据中心Microsoft发布了新报告“最大化AI机遇”,深入调查了数字转型的一个重要的技术力量,人工智能(AI)。报告将其定义为让计算机像人一样观察、学习、分析和评价以进行决策,解决问题的一…

统计学基本知识一

声明:文中的图来自于可汗学院公开课,若有侵权,联系我删除。 均值:一组数相加后除以这一组数的个数。 中位数:一组数从小到大排列,最中间的那个数,如果是偶数个,两个相加后除以2&am…

中科院陆汝钤获吴文俊人工智能最高成就奖,百度王海峰获吴文俊人工智能杰出贡献奖...

来源:AI 科技评论12 月 9 日上午,被誉为「中国智能科学技术最高奖」的吴文俊人工智能科学技术奖在苏州举行颁奖典礼。本届吴文俊人工智能奖共对 70 项人工智能成果授奖,包括吴文俊人工智能最高成就奖 1 项,吴文俊人工智能杰出贡献…

统计学基本知识二

声明:文中的图来自于可汗学院公开课,若有侵权,联系我删除。 中心极限定理:随着样本容量n的增加,样本均值或者样本和的频率图将很接近正态分布。 如下图就在求解样本均值。 如下图就是样本均值的频率图,很…

AI+零售:人工智能撬动零售变革

来源:乐晴智库精选人工智能的快速发展将有助于赋能新零售商,有效重构零售行业“人、货、场”等要素,提升各环节效率,最终提升消费者购物体验,推动零售行业迎来第五次变革。近年来,在数据、算法、技术等方面…

统计学基本知识三

声明:文中的图来自于可汗学院公开课,若有侵权,联系我删除。 假设检验: 先看一个z分布的例子: 注意:零假设一般倾向于保守的。 在上图中: 1、先假设零假设成立,即药物无效&#x…

测试归测试,自动驾驶向个人全面开放依然长路漫漫

来源:网易智能摘要在北京某地,乘客们正等待着乘坐百度“阿波罗”无人驾驶汽车。最近,百度与福特汽车启动了为期两年的L4级别自动驾驶联合测试项目,在特定的地理区域和特定天气条件下行驶无人驾驶汽车。自亨利福特的移动装配生产线…

利用opencv添加mask

第一种做法: import os import sys import random import math import numpy as np import skimage.io import matplotlib import matplotlib.pyplot as plt import cv2 import colorsys os.environ[CUDA_VISIBLE_DEVICES] 1 # Root directory of the project RO…

白宫计划2019年春季发布新版人工智能研究战略

来源:人工智能和大数据近日,据白宫科技政策办公室人工智能助理主任Lynne Parker表示,特朗普政府计划更新由奥巴马政府首次发布的人工智能研究与发展战略。2016年美国国家人工智能研究与发展战略计划概述了美国联邦研究资金的投入重点。2018年…

统计学基本知识四

代码可以参考之前的博客: https://blog.csdn.net/fanzonghao/article/details/85643653 https://blog.csdn.net/fanzonghao/article/details/81637669 声明:文中的图来自于可汗学院公开课,若有侵权,联系我删除。 线性回归&…