自定义博客皮肤VIP专享

*博客头图:

格式为PNG、JPG,宽度*高度大于1920*100像素,不超过2MB,主视觉建议放在右侧,请参照线上博客头图

请上传大于1920*100像素的图片!

博客底图:

图片格式为PNG、JPG,不超过1MB,可上下左右平铺至整个背景

栏目图:

图片格式为PNG、JPG,图片宽度*高度为300*38像素,不超过0.5MB

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(42)
  • 收藏
  • 关注

原创 将voc数据集划分为训练集测试集

import xml.etree.ElementTree as ETimport pickleimport osfrom os import listdir, getcwdfrom os.path import joinimport randomfrom shutil import copyfileclasses=["nomask","mask"]TRAIN_RATIO = 80def clear_hidden_files(path): dir_list = os.listdi

2021-09-06 16:10:51 1654 2

原创 给网络测试推理时间

from datetime import datetimeprec_time = datetime.now()cur_time = datetime.now()h, remainder = divmod((cur_time - prec_time).seconds, 3600)m, s = divmod(remainder, 60)time_str = 'Time: {:.0f}:{:.0f}:{:.0f}'.format(h, m, s)

2021-08-30 17:22:57 373

原创 实现将pth转bin

import torchfrom torch import nnimport numpy as npimport osimport torch.nn.functional as Fcc = torch.load('cost_lolume.pth')print(cc.size())print(cc[0][0])dd = cc.unsqueeze(0)state = F.interpolate(dd,size=(192,375,1242),mode="nearest")print(s...

2021-08-30 10:17:45 2215

原创 使用python实现图片长拼图

import cv2import numpy as npimage = cv2.imread("TheThirdBatch1.png", cv2.IMREAD_UNCHANGED)#print(type(img))#cv2.imwrite("test1.png",img)img = np.concatenate((image, image, image), axis=-1)cv2.imwrite("testzz.png",img)

2021-08-25 15:27:04 405

原创 sudo: ./scripts/aanet_inference.sh: command not found

如果出现以下这种情况,可以更改对应.sh文件的权限chmod 777 xxxx.shroot@1f73a7620ca7:/home/aiya/work/aanet-master# ./scripts/aanet_inference.shbash: ./scripts/aanet_inference.sh: Permission deniedroot@1f73a7620ca7:/home/aiya/work/aanet-master# sudo ./scripts/aanet_inference.sh

2021-08-19 09:55:37 165

原创 ubuntu Opencv 源码安装

1 第一步:下载源码 并解压opencvopencv_contrib两个版本要一一对应2 安装一些包:sudo apt-get updatesudo apt-get upgradesudo apt-get install build-essential cmake unzip pkg-configsudo apt-get install libjpeg-dev libpng-dev libtiff-devsudo apt-get install libavcodec-dev libacfo

2021-08-18 18:07:52 123

原创 aanet

AANet((feature_extractor): AANetFeature((conv1): Sequential((0): Conv2d(3, 32, kernel_size=(7, 7), stride=(3, 3), padding=(3, 3), bias=False)(1): BatchNorm2d(32, eps=1e-05, momentum=0.1, affine=True, track_running_stats=True)(2): ReLU(inplace=True))

2021-08-17 11:36:34 638

原创 aanet立体匹配安装中的坑

GPU:3060第一次尝试基础环境:python3.7.11 cuda10.0 pytorch1.2在运行脚本./scripts/aanet_predict.sh会出现以下问题:1 卡死半天。2 半天之后出现以下文字:RuntimeError: CUDA error: no kernel image is available for execution on the device第二次尝试基础环境:python3.7.11 cuda10.0 pytorch1.4在运行脚本./s

2021-08-16 19:23:38 716 1

原创 图像增强-高斯模糊

开始之前确保有安装python opencv没有的话:pip3 install opencv-contrib-python3.4.1.15pip3 install opency-python3.4.1.15pip3 install numpy"""添加高斯噪声Gauss Noise """import cv2 as cvimport numpy as npdef gauss_noise(img,sigma): temp_img = np.float64(np.copy(img))

2021-08-12 14:18:39 434

原创 Jinja2-2.10.1-py2.py3-none-any.whl下载地址

https://mirrors.huaweicloud.com/repository/pypi/simple/jinja2/不要让那帮孙子赚钱

2021-08-10 20:25:02 723 1

原创 成功解决failed: The TLS connection was non-properly terminated

代理搞的鬼:清掉git代理第一步:查看git用代理了没git config --global -l第二步:有的话清除掉git config --global --unset http.proxygit config --global --unset https.proxy清除掉系统代理第一步:查看电脑环境代理问题git config --global -l第二步:有的话清楚掉,有啥清啥。一定要清干净。unset http_proxyunset HTTP_PROXyunset XX

2021-08-04 17:02:36 23580 2

原创 对pyotrh保存模型的解读

https://www.zhihu.com/search?type=content&q=.pth

2021-07-30 11:13:22 97

原创 ubuntu安装的过程

1 设置镜像https://mirrors.huaweicloud.com/home2 安装桌面https://blog.csdn.net/sunbaigui/article/details/66241103 安装cuda 和cudnnhttps://www.bilibili.com/video/BV1N54y1r71U?from=search&seid=54888110805064083004 安装docker

2021-07-23 12:18:49 136

原创 cuda11卸载方式和cuda10.0安装方式,

11卸载方式:(1)cd /usr/local/cuda-11.0/bin/(2)sudo ./cuda-uninstaller用空格选择所有cuda相关文件,确认,需要一会儿提示成功卸载。(3)sudo rm -rf /usr/local/cuda-11.0cuda10安装方式(官网的最好):第一步:https://developer.nvidia.com/cuda-10.0-download-archive?target_os=Linux&target_arch=x86_64&amp

2021-07-21 21:54:39 2208

原创 成功解决CondaHTTPError: HTTP 000 CONNECTION FAILED for url

就是源问题,首先声明下,网上很多方法都不行,比如下面这些:https://blog.csdn.net/ada0915/article/details/78529877https://cloud.tencent.com/developer/article/1572996**等等,都是不行,别问我为啥知道。要是好使的话给个回馈,让更多人不要再浪费时间下面是我自己解决方式,第一步:vim ~/.condarc第二步:复制粘贴以下(把以前里面的清空,要是担心,可以自己保存一份。)channels:

2021-07-20 10:07:19 1590 4

原创 海康威视工业相机驱动下载地址

https://www.hikrobotics.com/machinevision/service/download?module=0

2021-05-13 11:47:06 5715

原创 pytorch官方网络模型库有哪些网络

‘alexnet’,‘deeplabv3_resnet101’,‘deeplabv3_resnet50’,‘densenet121’,‘densenet161’,‘densenet169’,‘densenet201’,‘fcn_resnet101’,‘fcn_resnet50’,‘googlenet’,‘inception_v3’,‘mnasnet0_5’,‘mnasnet0_75’,‘mnasnet1_0’,‘mnasnet1_3’,‘mobilenet_v2’,‘mobi

2021-01-21 21:25:54 1880

原创 opencv2读取一张图片显示之后按键盘中的字母会保存图片

import cv2img = cv2.imread(’…/Lenna.png’)cv2.imshow(‘img’,img)k = cv2.waitKey(0)ord()获取某个字符的编码if k == ord(‘s’):cv2.imwrite(‘len_save.bmp’,img)

2021-01-19 17:49:15 263

原创 将整个文件夹中的所有文件读取到一个txt中

第一步:新建一个txt文件#请注意第二步需要的空格第二步:写上 DIR . /B >LIST.TXT第三步:保存,txt文件后缀改为bat第四步:运行整个bat文件

2021-01-18 23:05:12 367

原创 线性代数_列空间

This set of all possible outputs for your matirx,whether it’s a line, a plane, 3-D space, whatever, is called the “column space” of your matrix.The columns of your matrix tell you where the basis vectors land,and the span of those transformed basis vector

2021-01-12 14:59:00 333

原创 线性代数_行列式为了0不可逆

行列式等于0,就说矩阵变换降维了,二维改为一维,因此我们不能讲一维返回去二维

2021-01-12 14:04:28 4538

原创 线性代数_The span of those tow vector(两个向量的张成空间)

定义:The ‘span’ of v-hat and w-hat is the set of all their linear combiations线性组合定义:两个向量标量乘法之和的结果被称为这个两个向量的线性组合。线性组合:constant_A * Vector_W + constant_B * Vector_Z = New_Vetor.it is called a linear combination of those two vectors.For most pairs of vector

2021-01-12 13:50:00 1615

原创 线性代数_基向量(自学,土狗放洋屁版本)

What if we chose different basisi vectors?We could’ve chosen different basisi vectors,and gotten a completely resonable, new coordinate syste.For example, take some vector pointing up and to the right

2021-01-12 13:16:02 294

原创 yolov3中letterbox_image()解释 改变图片分辨率

import matplotlib.pyplot as pltfrom PIL import Image"""# img = Image.new("RGB",(100,100))# img_small = Image.new("RGB",(20,20),"red") # img.paste(img_small,(20,20)) # plt.imshow(img) # plt.show() #https://blog.csdn.net/deliberate_cha/article/

2021-01-11 22:28:11 2111 2

原创 线性代数本质_03_矩阵与线性变换(自学用)__土狗放洋屁版本

线性代数本质_03_矩阵与线性变换(自学用)__土狗放洋屁版本Matirx 是什么?**线性变换思想以及它和矩阵关系,**让线性代数其他内容一目了然,也是初学者初次学习线性代数容易忽视的东西。Matrices as Linear transformations下面我们讨论下:Linear transformationsLinear transformation 在two dimensions中是什么样子,以及Linear transformations如何与matirx-vector multip

2021-01-11 14:41:27 284

原创 python缩放图片大小

缩放图片大小#提取目录下所有图片,更改尺寸后保存到另一目录from PIL import Imageimport os.pathimport globdef convertjpg(jpgfile,outdir,width=518,height=388):img=Image.open(jpgfile)try:new_img=img.resize((width,height),Image.BILINEAR)new_img.save(os.path.join(outdir,os.path.bas

2021-01-11 10:12:15 787

原创 Halcon将小图片显示在大图片的指定位置

Halcon将小图片显示在大图片的指定位置read_image (Image, ‘C:/Users/Administrator/Desktop/test2/202118/correct.jpg’)decompose3 (Image, ImageR, ImageG, ImageB)get_image_size (ImageR, Width1, Height1)change_format (ImageR, ImagePart, Width1, Height1)*读取图像get_image_size(

2021-01-08 16:50:43 1708

原创 Halcon有用算子1图像处理算子 裁剪,通道,灰度值

Halcon有用算子1图像处理算子 裁剪,通道,灰度值change_format ( Image : ImagePart : Width, Height : ) 改变Image图像大小,而且ImagePart图像为灰度值图像。crop_domain ( Image : ImagePart : : ) 从Image图像中裁剪一个矩形区域。这个矩形的周长最小。crop_domain_rel ( Image : ImagePart : Top, Left, Bottom, Right : ) 删除相关区域

2021-01-08 16:42:21 1078

原创 halcon 如何打开窗口,修改窗口,限制窗口

read_image (Image, ‘1’)*打开图像窗口dev_open_window (0, 0, 512, 512, ‘black’, WindowHandle)dev_display (Image)get_image_size (Image, Width, Height)*打开具有给定最小和最大范围的新图形窗口,以便保留给定图像的纵横比。*如果根据窗口宽高限制无法创建窗口,则忽略最小窗口大小的限制dev_open_window_fit_image (Image, 0, 0, -1,

2020-12-16 15:35:59 4617

原创 halcon打开显示窗口黑框的语句

dev_update_off()read_image (Clip, ‘clip’)get_image_size (Clip, Width, Height)dev_close_window ()dev_open_window (0, 0, Width / 2, Height / 2, ‘black’, WindowID)dev_display (Clip)dev_update_on()

2020-12-16 15:07:26 428

原创 halcon_1图像形态学

膨胀:对边界点进行扩充,填充空洞,使边界向外部扩张的过程自我思考:滑动时候,只要结构元素图的一个小灰色能够嵌入到原图中,就在把黑点加在投影位置腐蚀:消除物体边界,使边界向内部收缩的过程,吧小于结构元素的物体去掉...

2020-12-16 14:39:45 369

原创 torch.device

print(torch.cuda.is_available())if torch.cuda.is_available():device = torch.device(‘cuda’)y = torch.ones_like(x,device=device)x = x.to(device)

2020-12-15 23:08:09 214 1

原创 2020-12-15

NumPy ndarray 转成Torch Tensorimport numpy as npimport torcha = np.ones(5)b =torch.from_numpy(a)np.add(a,1,out = a)print(a)

2020-12-15 22:42:35 121

原创 string的构造函数

#include<iostream#include<string#include<algorithm#include<vectorusing namespace std;//string是一个类,内部封装了char*,管理这个字符串//string 的构造函数/*string();string(const char* str)//使用一个string初始化另外一个string对象string(int n,char c)//使用n个字符c初始化*/void te

2020-12-03 21:34:12 2033

原创 Vector里面嵌套容器

#include<iostream#include<string#include<algorithm#include<vectorusing namespace std;void test01() {vector<vector<int>> v;//创建小容器vector<int>v1;vector<int>v2;vector<int>v3;vector<int>v4;//向小容器中添

2020-12-03 21:21:57 692 1

原创 vecor中存放自己的数据类型

#include<vector#include<string#include<iostreamusing namespace std;//vector中存放自定义数据类型,并打印输出class person {public:person(string name, int age) { this->mname = name; this->mage = age;}public:string mname;int mage;};void test() {

2020-12-03 21:09:49 343

原创 访问容器的三个方法

#include <vector#include <algorithm#include<iostreamusing namespace std;//STL标志模板库 容器container ,算法algorithm 迭代器iterator//容器和算法之间通过迭代器进行无缝连接//STL几乎所有的代码都采用了模板类和模板函数//Vector 可以理解为数组,//插入数据,便利这个容器//容器:vector 算法:for_each ,迭代器:vector::iterator

2020-12-03 20:46:14 991

原创 tf.keras.datasets.mnist.load_data()不能下载数据的解决方案

import sslssl._create_default_https_context = ssl._create_unverified_context把这个放在上面就可以

2020-05-18 11:06:43 4163 4

原创 Could not import PIL.Image. The use of `load_img` requires PIL.

解决办法:第一步 : pip3 install pillow(嫌慢的话:pip3 install pillow -i https://pypi.doubanio.com/simple)第二步:重启一下环境。jupyter 的直接点快进符号⏩

2020-04-07 16:31:20 2236

原创 np.pad()函数最容易理解的方式

函数结构pad(array, pad_width, mode, **kwargs)参数意思array :你要填充的数组pad_width: 你要填充的位置,说来麻烦,看下嘛。mode:表示填充的方式。填充方式如下:constant’——表示连续填充相同的值,每个轴可以分别指定填充值,constant_values=(x, y)时前面用x填充,后面用y填充,缺省值填充0‘edge’—...

2020-04-04 16:51:31 899

空空如也

空空如也

TA创建的收藏夹 TA关注的收藏夹

TA关注的人

提示
确定要删除当前文章?
取消 删除