python
竹子熊猫
easy come easy go
展开
-
python cv2利用掩膜将图片透明背景
python cv2 利用掩膜将图片透明背景原创 2022-07-25 19:02:20 · 3327 阅读 · 0 评论 -
meanshift
import numpy as npfrom sklearn.cluster import MeanShift, estimate_bandwidthdef meanShift(features): ''' ''' features = np.array(features).astype(np.float64) '''本质上就是求平均最远k近邻距离, quantile的值表示进行近邻搜索时候的近邻占样本的比例''' bandwidth = estim..原创 2022-01-13 16:00:38 · 500 阅读 · 0 评论 -
抠图-仿射变换-贴图 简易代码段
import cv2import numpy as npfrom PIL import Imagefrom PIL import ImageDrawobliq_img = cv2.imread('1.png') #倾斜影像,新的纹理rows,cols,_ = obliq_img.shape# img_texture = cv2.imread('2.png') #原始纹理img_texture = Image.open('3.png')print('img_texture.size:.原创 2021-11-15 20:43:25 · 2018 阅读 · 0 评论 -
python 提取骨架
参考:python 简单图像处理(16) 图像的细化(骨架抽取) - xiatwhu - 博客园图像的细化主要是针对二值图而言所谓骨架,可以理解为图像的中轴,,一个长方形的骨架,是它的长方向上的中轴线,圆的骨架是它的圆心,直线的骨架是它自身,孤立点的骨架也是自身。骨架的获取主要有两种方法:(1)https://www.cnblogs.com/xianglan/archive/2011/01/01/1923779.htmlimport cv2# 输入需要细化的图片(经过二值化处理的图片)和映射矩转载 2021-09-11 15:25:32 · 2671 阅读 · 0 评论 -
detectron2 测试训练好的模型并画出结果图
import numpy as npimport cv2import osfrom PIL import Image#from matplotlib import pyplotimport matplotlib.pyplot as pltimport random#from google.colab.patches import cv2_imshowimport detectron2from detectron2.utils.logger import setup_loggerset.原创 2021-06-27 18:18:42 · 2997 阅读 · 1 评论 -
python 旋转图像和JSON坐标
# coding:utf-8import cv2import osimport numpy as npimport mathimport copyimport jsondef rotate_about_center(src, angle, scale=1.): w = src.shape[1] h = src.shape[0] rangle = np.deg2rad(angle) #angle in radians nw = (abs(np.sin(ra.原创 2021-06-11 16:15:57 · 728 阅读 · 7 评论 -
python 最小二乘平面拟合
import numpy as npimport matplotlib.pyplot as pltfrom mpl_toolkits.mplot3d import Axes3Dimport math# 从txt文档读取点def readTxt(textfile): with open(textfile, 'r') as f: x2, y2, z2 = [], [], [] for line in f.readlines(): li.原创 2021-06-11 14:34:44 · 1270 阅读 · 0 评论 -
labelme 镜像扩充数据
# coding:utf-8import cv2import osimport numpy as npimport mathimport copyimport jsondef enhancement_using_mirror(modes, ImagePath,AnnotationsPath,ImageSavePath,AnnotationsSavePath): #mirror for mode in modes: for imgfile in os.listdir(Image.原创 2021-05-25 20:10:49 · 403 阅读 · 0 评论 -
mmdetection # test and visualize test result
evaluationtools/dist_test.sh configs/swin/cascade_mask_rcnn_swin_base_patch4_window7_mstrain_480-800_giou_4conv1f_adamw_3x_coco.py latest.pth 1 --eval bbox segmsave resultrefer to demo/image_demo.py(1) edit mmdet/apis/inference.py show_result_pyp.原创 2021-04-29 10:56:24 · 848 阅读 · 0 评论 -
mmcv版本过低 Error: ImportError: cannot import name ‘get_git_hash‘
mmcv errorfrom mmcv.utils import get_git_hashImportError: cannot import name ‘get_git_hash’UNINSTALL mmcv-full 1.0.4pip uninstall mmcv-full INSTALL mmcv-full 1.3.1pip install mmcv-full -f https://download.openmmlab.com/mmcv/dist/cu101/torch1.5.0/ind原创 2021-04-21 20:06:09 · 11122 阅读 · 0 评论 -
labelme数据转coco instance segmentation
转数据参考:https://www.freesion.com/article/1518170289/需要安装pycocotools, 参考这里:https://blog.csdn.net/summermaoz/article/details/115969308?spm=1001.2014.3001.5501可能需要根据自己的标注情况做一点点修改 labelme2coco.py#!/usr/bin/env pythonimport argparseimport collectionsimport原创 2021-04-21 19:09:16 · 560 阅读 · 2 评论 -
windows 10 安装pycocotools 报错error: Microsoft Visual C++ 14.0 or greater is required.
windows, python3.6环境下安装pycocotools, :pip install pycocotools会报错,和VS有关:“error: Microsoft Visual C++ 14.0 or greater is required.”解决办法:1.安装 VS20192. 参考这里https://docs.microsoft.com/en-us/answers/questions/136595/error-microsoft-visual-c-140-or-greater-i原创 2021-04-21 18:22:19 · 1377 阅读 · 0 评论 -
JSON2Mask
import jsonfrom PIL import Imagefrom PIL import ImageDrawimport PILimport osimport numpy as npfrom labelme import utilsimport imgvizimport yamljsonfolder = './JSON/'out_folder = 'labelme_json'jsonfiles = os.listdir(jsonfolder)for jsonfile i.原创 2021-04-17 18:15:21 · 351 阅读 · 0 评论 -
Python SGBM
cv2.StereoSGBM_create([,minDisparity [,numDisparities [,blockSize [,P1 [,P2 [,disp12MaxDiff [,preFilterCap [,uniquenessRatio [,speckleWindowSize [,speckleRange [,mode]]]]]]]]]]]])minDisparity 最小可能的差异值。通常情况下,它是零,但有时整流算法可能会改变图像,所以这个参数需要作相应的调整。 numDisp原创 2020-11-25 20:56:58 · 2330 阅读 · 0 评论 -
密集匹配SGM python
记录一下代码参考:https://github.com/bkj/sgm理论部分参考:https://www.cnblogs.com/wxxuan/p/13595014.htmlhttps://zhuanlan.zhihu.com/p/49272032https://zhuanlan.zhihu.com/p/159055657"""python implementation of the semi-global matching algorithm from Stereo Proc转载 2020-11-22 15:50:53 · 1852 阅读 · 2 评论 -
点云拟合平面-最小二乘法
参考:https://blog.csdn.net/qq_45427038/article/details/100139330import numpy as npimport matplotlib.pyplot as pltfrom mpl_toolkits.mplot3d import Axes3Dimport math# 从txt文档读取点def readTxt(textfile): with open(textfile, 'r') as f: x2, y2, z原创 2020-11-18 17:23:33 · 3651 阅读 · 0 评论 -
Draw Feature map
import cv2import timeimport osimport matplotlib.pyplot as pltimport torchfrom torch import nnimport torchvision.models as modelsimport torchvision.transforms as transformsimport numpy as npsavepath='./features_map'if not os.path.exists(savepath.原创 2020-11-06 09:28:57 · 389 阅读 · 1 评论 -
Python plot point cloud and max bounding box of point cloud.
# 点云显示# 外接包围盒显示import osfrom matplotlib import pyplot as pltfrom mpl_toolkits.mplot3d import Axes3Ddef displayPoint(data): #解决中文显示问题 # plt.rcParams['font.sans-serif']=['SimHei'] # plt.rcParams['axes.unicode_minus'] = False #散点图参数设置 fig=plt..原创 2020-10-05 21:13:56 · 494 阅读 · 1 评论 -
file format conversion: pcd2txt, txt2pcd
file format conversion, including pcd2txt, txt2pcd# file format conversionimport mathimport osimport pcldef txt2pcd(filename): xlist = [] ylist = [] zlist = [] with open(filename, 'r') as file_to_read: while True:原创 2020-10-04 21:27:14 · 252 阅读 · 0 评论 -
python cv2 LSD 修改参数
这个LSDhttps://github.com/primetang/pylsd是封装好的,不知道哪儿改参数,原始的LSD检测前会将图片缩小至80%,当图片很小是,之后检测的线会减少。可以直接用opencv-python里面的createLineSegmentDetector()函数,用help查看用法,再根据需要修改参数。我这边选择检测前不缩放,那么_scale=1LSD代码:im...原创 2020-01-03 22:21:40 · 6140 阅读 · 3 评论 -
Retina-net 实践 Keras版本
Tensorflow版本需要1.14.0及以上。之前用的是1.13.1,后面重装了1.14.01. github:https://github.com/fizyr/keras-retinanetgit clonehttps://github.com/fizyr/keras-retinanet.git2. follow README--> 编译环境 ①pip install ...原创 2019-12-16 17:49:39 · 324 阅读 · 0 评论 -
Cascade-Rcnn实践 Tensorflow版本
Cascade Github:①Caffe版:https://github.com/zhaoweicai/cascade-rcnn②Pytorch版:https://github.com/guoruoqian/cascade-rcnn_Pytorch③Tensorflow版:https://github.com/DetectionTeamUCAS/Cascade-RCNN_Tenso...原创 2019-12-11 16:17:07 · 1270 阅读 · 0 评论 -
三角化求三维坐标 python
1. 利用2张影像上的匹配点确定特征点在三维模型中的位置ORB-SLAM里面用的Triangulate函数可以求解(C++代码)void Initializer::Triangulate(const cv::KeyPoint &kp1, const cv::KeyPoint &kp2, const cv::Mat &P1, const cv::Mat &...原创 2019-11-30 14:37:06 · 2565 阅读 · 5 评论 -
D-linknet训练自己的数据
1. 数据准备一直想用acrgis画标签,但是安装的arcgis有问题,就用了labelme做标签D-linknet是做二分类,道路和其他。https://github.com/zlkanata/DeepGlobe-Road-Extraction-Challenge\ 用的是python2, pytrochimage和label一起放在dataset文件夹下的trainl里面。...原创 2019-11-08 14:00:56 · 2966 阅读 · 8 评论 -
Ubuntu安装anaconda3+anaconda2
参考:安装anaconda2+tensorflow:https://blog.csdn.net/wyz6666/article/details/78440272在安装anaconda2之后安装anaconda3:https://blog.csdn.net/u014044032/article/details/82223932我先装的anaconda3-->再安装的an...原创 2019-10-29 22:16:15 · 381 阅读 · 0 评论 -
Mask-rcnn训练自己的数据实践
Mask-rcnn训练自己的数据实践,这里只做了一类。主要步骤:1. 数据准备(1)做标签:这里用的labelme,一张图片对应一个.json文件。数据大小1024×1024。(2)转数据格式:在./labelme/cli/路径下找到 json_to_dataset.py,这里需要小改动一下,实现批量转格式。将步骤(1)中的.json转成训练需要的数据,一张图片对应5个文件,具体如...原创 2019-10-13 19:59:28 · 1641 阅读 · 3 评论 -
python对PASCAL VOC标注数据进行统计
用于统计训练数据中的类别,以及所有目标的个数:# coding:utf-8import xml.etree.cElementTree as ETimport osfrom collections import Counterimport shutil# Counter({'towCounter({'tower': 3074, 'windpower': 2014, 'thermalpow...原创 2018-04-04 11:32:36 · 1188 阅读 · 0 评论 -
python sqlite3,读取视频信息并存入数据库
要操作关系数据库,首先需要连接到数据库,建立connection。其次打开游标cursor,通过cursor执行SQL语句。导入sqlite驱动:import sqlite31、refresh sqlite3:def RefreshDB(self, path): #delete the table created before and then create原创 2017-03-23 20:02:51 · 2457 阅读 · 0 评论 -
pyinstaller pyqt5 打包
参考:https://blog.csdn.net/j_starry/article/details/82261807https://www.jianshu.com/p/c451db99adca一个小程序包括3个python文件,1个db文件。主窗口是login.py。help,hello是自建模块。用的python3.6,pyqt5.13.0最后用的这个pyinstaller...原创 2019-08-27 17:51:14 · 225 阅读 · 0 评论 -
Jupyter Note使用
依赖python环境1. 安装jupyter notecmd --> pip install jupytrelab2. 运行cmd --> Jupyter notebook3. 浏览器会弹出,找到文件就可查看了(.ipynb)会更美观...原创 2019-09-23 15:25:52 · 384 阅读 · 0 评论 -
python PIL crop image
for img in os.listdir(imgfolder): imgname, Suff = os.path.splitext(img) im = Image.open(imgfolder + img) im_size = im.size width, height = im_size[0], im_size[1] xnum = int(width/cropsize)...原创 2019-09-23 17:24:16 · 1018 阅读 · 0 评论 -
图像处理指令解析
http://blog.csdn.net/vicdd/article/details/526479061、img[i,j,c]i表示图片的行数,j表示图片的列数,c表示图片的通道数(RGB三通道分别对应0,1,2)。坐标是从左上角开始灰度图片访问方式为:gray[i,j]2、生成椒盐噪声from skimage import io,data转载 2017-11-11 21:44:43 · 977 阅读 · 0 评论 -
python数据扩充:gamma+重采样+旋转+镜像
训练的时候因为数据出现问题,把做数据扩充的重新整理了一下,应该一步步检查的。1、gamma变换调节图像对比度"""=================================Gamma and log contrast adjustment=================================This example adjusts image contrast by p...原创 2018-04-03 13:33:21 · 2012 阅读 · 0 评论 -
python+ffmpeg截取视频段
python+ffmpeg截取视频段下载ffmpeg的压缩包,直接解压,,,下载地址:http://ffmpeg.zeranoe.com/builds/ 。下载Windows版本的FFmpeg在Python中用subprocess调用-ss: 截取视频的开始时间-t:截取视频的结束时间import subprocesssubprocess.c原创 2017-02-20 23:22:35 · 16966 阅读 · 4 评论 -
python 在中英切换中遇到的编码问题 cv2 os.sys
(1)ascii编码 import sysreload(sys)sys.setdefaultencoding( "utf-8" )(2)cv2无法读取和保存图片(图片的路径是中文)# read an imageimgpath = 'C:/Users/liesmars/Desktop/图片/梅花.jpg'uiimgpath = unicode(imgpath,'u原创 2017-05-05 20:12:23 · 690 阅读 · 0 评论 -
PIL:Image 和 cv2简单比较
简单比较PIL的Image 和CV2原创 2017-04-06 11:37:35 · 4409 阅读 · 3 评论 -
python 处理pascal voc数据 读取xml文件
Pascal VOC数据的annotation是xml文件,要利用xml文件里的标注信息裁剪出数据~~原创 2017-04-15 18:17:08 · 10903 阅读 · 5 评论 -
Python 读取xml数据,cv2裁剪图片
下载的数据是pascal voc2012的数据,已经有annotation了,不过是xml格式的,训练的模型是在Google模型的基础上加了两层网络,因此要在原始图像中裁剪出用于训练的部分图像。另外,在原来给的标注框的基础上,做了点框的移动。最后同类目标存储在同一文件夹中。from __future__ import divisionimport osfrom PIL impo原创 2017-04-05 21:13:02 · 4729 阅读 · 1 评论 -
caffe:自己的数据训练模型 pycaffe(五)
caffe的python接口 调用训练好的模型:caffe_root = 'D:\caffe\caffe-windows-master'sys.path.insert(0,caffe_root+'python')import caffe利用滑动窗口提取图片特征:(1)获取滑动窗口:def get_RegionProposal(self): hei转载 2017-03-04 20:25:36 · 1315 阅读 · 0 评论 -
Python 中文编码问题
前台:通过下拉框获取检索内容用下拉框ComboBox获取文字,原本是英文,直接ComboBox.currentText()就可以了,后来把下拉框内容改成了中文,就出错了 'ascii' codec can't encode characters in position 解决方法:import codesscene = (Combo原创 2017-04-08 14:36:25 · 673 阅读 · 0 评论