自定义博客皮肤VIP专享

*博客头图:

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

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

博客底图:

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

栏目图:

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

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(280)
  • 资源 (8)
  • 收藏
  • 关注

原创 Linux下使用百度云(网盘)登录、下载、上传(Ubuntu)

1.安装所有需要安装的:pip install requestspip install bypy2.验证:python -m bypy这就说明安装成功啦!3.登录:输入:bypy info或者:bypy list弹出链接,点击这个链接:接着弹出授权码,复制一下:返回终端,粘贴一下授权码:出现成功授权,就代表登录成...

2020-03-16 20:53:45 3119

转载 Python-pip 国内源

pip国内源清华:https://pypi.tuna.tsinghua.edu.cn/simple阿里云:http://mirrors.aliyun.com/pypi/simple/中国科技大学https://pypi.mirrors.ustc.edu.cn/simple/华中理工大学:http://pypi.hustunique.com/山东理工大学:http://pypi...

2020-01-07 16:58:57 436

原创 Python-赋值运算符 = 和 copy 方法不同

总的来说,如果对象包含嵌套结构,并且你想要确保对副本的修改不会影响原始对象,那么使用深度拷贝是一个更安全的选择。深度拷贝(Deep Copy)和浅拷贝(Shallow Copy)是在复制对象时的两种不同方式,主要区别在于它们处理嵌套对象时的方式。方法用于创建对象的浅拷贝,即创建一个新对象,该对象的值与原始对象相同,但它们是独立的,修改一个对象不会影响另一个对象。将一个变量的值赋给另一个变量时,两个变量将引用相同的对象。总的来说,当你想要创建一个新对象,而不希望修改该对象影响到原始对象时,使用。

2024-02-20 10:23:46 321

原创 python-如何在conda虚拟环境中安装cuda

【代码】python-如何在conda虚拟环境中安装cuda=11.3。

2024-01-22 14:07:47 841

原创 Pytorch- pip install -> conda install

【代码】Pytorch- pip install -> conda install。

2024-01-22 13:22:59 661

原创 python-旋转数据集的转换(cx, cy, w, h, angle)->(x1, y1, x2, y2, x3, y3, x4, y4)

将包含旋转框信息的数据集格式从中心坐标、宽度、高度和旋转角度(cx, cy, w, h, angle)转换为四个顶点坐标(x1, y1, x2, y2, x3, y3, x4, y4)需要进行一些几何变换。

2024-01-18 11:17:55 986

原创 python-如何给乱序的xml文件重新添加字符间隔符号

【代码】python-如何给乱序的xml文件重新添加字符间隔符号。

2024-01-15 16:43:51 905

原创 Pytorch-DistributedDataParallel(DDP)进行多 GPU 训练

【代码】Pytorch-DistributedDataParallel(DDP)进行多 GPU 训练。

2023-12-28 17:30:26 1986

原创 Python -找到两个文件夹中内容相同的图

【代码】Python -找到两个文件夹中内容相同的图。

2023-12-27 10:55:33 1579

原创 pytorch-模型预测概率值为负数

【代码】pytorch-模型预测概率值为负数。

2023-12-21 09:26:11 1985

原创 Error-onnxruntime.capi.onnxruntime_pybind11_state.Fail:

转换之后运行onnx文件就报错:解决:最好把h5模型重新加载一下,保存save_model文件: 转pb:转onnx的时候使用的是save_model格式:

2023-11-15 16:02:26 1255

原创 Error- Loaded runtime CuDNN library: 8.0.4 but source was compiled with: 8.1.0.

更新完成之后,重新训练,没有报错了!

2023-10-18 13:17:51 1266

原创 Error-InvalidArgumentError: sequence_length(0) <= 80

这里的input_len一般设置成模型输出的特征图的时间序列长度,比如模型输出[None, 80, 94]) ,[Batch,seq_len,classes],而80就是seq_len,当然这个一般是根据图像的长度来设置,这个应该和数据集中设置的input_len一致。

2023-04-21 15:00:40 792 1

原创 Error-yolov5 pt转onnx报错

针对yolov5 pt转onnx报错进行修改,并根据转换成功的onnx进行预测输出 修改: 去掉Detect层,改为转换后的处理,对三个输出层处理(export grid=True)转换后的onnx的输出少了直接通过detect层输出的[1,6300,9] : 对输出的onnx进行detect层输出并预测(参考链接:基于onnxruntime的YOLOv5单张图片检测实现_wxplol的博客-CSDN博客_onnx yolov5):......

2022-07-05 13:22:10 1225

转载 tensorflow2-savedmodel convert to tflite

在tensorflow2中对savedmodel文件夹下文件转换成tflite

2022-06-21 14:06:04 342

原创 tensorflow2-savedmodel convert to pb(frozen_graph)

tensorflow2中对savedmodel文件夹下保存的文件进行frozen_graph

2022-06-21 13:57:09 1292 1

原创 Error-tf.function-decorated function tried to create variables on non-first call

在tensorflow2中如下保存模型的总是报错: tf.function-decorated function tried to create variables on non-first call .最终找到原因,需要先在__init__函数体中定义好,才能在call中进行调用.

2022-06-17 17:33:14 747

原创 python-批量替换图像重指定的RGB值

import cv2import osimport numpy as np#color: QR(1):128 0 0 MINIQR(2):0 128 0 DM(3):128 128 0 PDF(4):0 0 128img_path='/data1/gyx/QR/multiyolov5_detect_seg/data/customdata/convert_tools/qr/segvoc/SegmentationClassPNG/'out_img='/data1/gyx/.

2022-03-04 15:04:56 3818

原创 Python-Augmentor(图像增强工具-分割和分类模型适用)

使用之前注意如下三点:1.确定原始图像存储路径以及掩码文件存储路径2.路径下的图像格式要保持一致 比如都是PNG (不然生成不了,检测不到图片)3.image和label的mode格式最好都是RGB (不然会报错如:ValueError: image has wrong mode)#######################数据增强工具##################import Augmentorp = Augmentor.Pipeline("/data1/gyx/QR/mul..

2022-03-04 10:59:08 3773 1

原创 Error- Microsoft Visual C++ 14.0 is required

error: Microsoft Visual C++ 14.0 is required. Get it with "Microsoft Visual C++ Build Tools"1.下载Visual Studio Install安装工具:vc_redist.x64.exe2.根据Visual Studio Install下载Visual Studio注意一定要勾选右边的选项:3.安装完成之后尝试再pip install 试试,发现又报错:error: command .

2022-02-22 15:24:20 760

原创 python-conda更新python(python升级)

如果conda环境没问题,直接升级就好了:conda install python=3.7如果出现如下错误:CondaHTTPError: HTTP 000 CONNECTION FAILED for url <https://mirrors.ustc.edu.cn/anaconda/cloud/conda-forge/noarch/repodata.json>试一试验证:conda config --set ssl_verify false如果还不行,则需...

2022-01-20 11:04:21 15997 1

原创 Error-安装doctr

如果安装doctr出现如下error:The conflict is caused by: python-doctr 0.4.1 depends on mplcursors>=0.3 python-doctr 0.4.0 depends on mplcursors>=0.3 python-doctr 0.3.1 depends on mplcursors>=0.3 python-doctr 0.3.0 depends on mplcursors>...

2021-12-02 10:39:43 2125

原创 python-根据同文件夹一个xml,生成其他图像的xml(目标检测)

##### 根据同文件夹一个xml,生成其他图像的xml #####import osimport xml.etree.ElementTree as ETfrom xml.etree.ElementTree import parse, Elementimport shutil pcb_list=os.listdir('./')print(pcb_list)for folder in pcb_list: if folder.endswith('py'): pass .

2021-09-10 17:26:08 218

原创 python-判断字体中是否含有ocr类别字典中字符(中文、英文、符号)

############### 判断字体中是否都包含字典中的字符 ################from fontTools.ttLib import TTFontimport osfrom shutil import copyfilefrom fontTools.ttLib.sfnt import DirectoryEntrywith open('/data/git/ocr-platform/statistic/TextGenerator/TextGenerator/process/dict.

2021-08-11 14:17:21 273

原创 Tensorflow-加载权重过滤不需要的变量(选择性加载)

sess = tf.Session()init = tf.global_variables_initializer()sess.run(init)saver = tf.train.Saver()if not args.model_path == '': # saver.restore(sess, args.model_path) ################ 删除不同类别的变量 ################ # var = tf.global_variables() .

2021-08-02 17:04:52 602

原创 Tensorflow2(keras)-图像预处理操作(tf.EagerTensor和tf.Tensor)

在tensorflow.keras训练中,如果需要对图像进行预处理操作(数据增强操作),发现很多opencv方法用不了,不能对图像进行直接处理,就会报错:NotImplementedError: Cannot convert a symbolic Tensor to a numpy array所以需要单独加载预处理方法,tf.py_function(aug_image_func, [image], tf.float32),将处理操作放到aug_image_func中,就可以直接image.nu...

2021-07-27 17:19:34 1781 1

原创 Python-使用多线程快速运行

#使用多线程运行from multiprocessing import Poolfrom tqdm import tqdmif __name__=='__main__': start_num=0 numbers=2000 thread_count=4 p = Pool(thread_count) for _ in tqdm( p.imap_unordered( QRDataGenerator.generate_from_.

2021-07-10 16:19:55 358

原创 Error-连续ckpt转换pb、转换tflite

报错1:Init node is_training/Assign doesn't exist in graph报错2:restoring from checkpoint failed. this is most likely due to a variable name or other graph key that~报错3:OP_REQUIRES failed at save_restore_v2_ops.cc:184 : Not found: Key Variable not found in

2021-06-25 11:30:46 395

原创 Windows-使用git环境上传代码(只上传修改的代码文件)

1.首先要从仓库的主分支master里git clone项目初始化好的代码,点击仓库右边按钮Clone or download复制仓库链接:2.右击Git Bash Here:3.输入git clone XXXX.git(之前复制的git信息):4.弹出对话框,输入账号和密码即开始下载,直到100%下载完成:5.自动建立了与远程仓库的连接,接下来只需要去下载好的文件夹下去修改代码即可,修改完之后输入git status查看修改后的状态:6.输入 git add .

2021-06-22 13:25:06 791 1

原创 Windows-Android中查看手机等终端的处理器

adb shell getprop ro.product.cpu.abiQualcomm Technologies, Inc MSM8953代表高通骁龙625处理器 (如果是Inc BENGAL代表高通骁龙 662 处理器)

2021-06-18 14:33:17 1183

原创 python-根据输入的模板输出对应字符串

import randomfrom random import randintimport osimport reimport stringdict_num='0123456789'dict_num_letter='0123456789ABCDEFGHIJKLMNOPQRSTUVWXYZ'dict_num_letter_all='0123456789ABCDEFGHIJKLMNOPQRSTUVWXYZabcdefghijklmnopqrstuvwxyz'dict_symbol='!@#$%.

2021-06-17 16:14:02 338

原创 Error-Input tensor has type kTfLiteFloat32: it requires specifying NormalizationOptions metadata to

报错:Input tensor has type kTfLiteFloat32: it requires specifying NormalizationOptions metadata to prepro

2021-06-11 10:58:13 4707 3

原创 python-单通道图像转三通道

'''单通道->三通道'''import osimport cv2import numpy as npimport PIL.Image as Imageimport osos.environ['CUDA_VISIBLE_DEVICES'] = '2'img_path='/home/gyx/QR/qr_detect_model/dataset/images_all_channel_1/'save_img_path='/home/gyx/QR/qr_detect_model/data.

2021-06-03 18:12:53 5548 2

原创 Windows-Android设备传输文件到windows端

adb pull /sdcard/Identification F:\OCR\

2021-05-19 15:50:04 494

原创 Error-“Could not load dynamic library ‘cusparse64_10.dll、cudart64_101.dll、cufft64_10.dll‘

https://cn.dll-files.com/

2021-05-16 15:55:35 1408

原创 Error- module ‘cv2.cv2‘ has no attribute ‘wechat_qrcode_WeChatQRCode‘

运行下列代码报错:import cv2detector = cv2.wechat_qrcode_WeChatQRCode()错误为:AttributeError: module 'cv2.cv2' has no attribute 'wechat_qrcode_WeChatQRCode'运行下列代码进行更新:pip install opencv-python==4.5.2.52pip install opencv-contrib-python==4.5.2.52...

2021-05-15 13:27:34 4485 3

转载 Windows- VSCode + OpenCV4.5.0 + CMake + MinGW-w64安装

1、VSCode+MinGW配置C++开发环境https://sourceforge.net/projects/mingw-w64/files/mingw-w64/mingw-w64-release/配置环境变量C:\Programs\mingw-w64\bin2、安装CMakehttps://cmake.org/download/配置环境变量D:\tools\cmake-3.19.1-win64-x64\bin3、下载OpenCV的sources源文件http.

2021-05-13 15:43:37 634

原创 tensorflow-keras感知量化

1.首先安装tensorflow_model_optimizationpip install tensorflow_model_optimization 2.其次代码中添加两句即可:import tensorflow_model_optimization as tfmotmodel=build_model(image_height=args.image_height, image_width=args.image_width, channels=args.channels,nb_b...

2021-05-12 20:34:08 1008

原创 tensroflow-keras下tensorboard以及界面打印学习率

'''参考stackoverflow:https://stackoverflow.com/questions/49127214/keras-how-to-output-learning-rate-onto-tensorboard'''############# 添加部分 ###############class LearningRateLogger(tf.keras.callbacks.Callback): def __init__(self): super().__i.

2021-05-12 19:57:17 980

原创 tensorflow-输出pb模型的所有节点

from tensorflow.python.framework import tensor_utilfrom google.protobuf import text_formatimport tensorflow as tf#如果是tf2的话:import tensorflow.compat.v1 as tffrom tensorflow.python.platform import gfilefrom tensorflow.python.framework import tensor_uti.

2021-05-11 13:38:09 814

person_reid.rar

person reid中的代码资源,是行人重识别中部分论文代码,AI100学院课程代码,包含PCB论文资源的代码等等。希望能够为你们所用,谢谢!!!!!!!!!!!!!!

2020-03-08

checkpoint_ep200.pth.tar

该文档为 行人重识别 Person Re-ID 数据集 Market1501 Baseline 200 epoch checkpoint

2019-08-13

PSPnet-master

PSPnet-master 复现PSPNet,根据pytorch的官方resnet进行修改。而caffe/tensorflow版本已经放出来。

2019-03-15

SpindleNet-master

Spindle Net: Person Re-identification with Human Body Region Guided Feature https://github.com/yokattame/SpindleNet

2018-11-21

PCA降噪在Raw域(PCA-Based Spatially Adaptive Denoising of CFA Images)

论文:PCA-Based Spatially Adaptive Denoising of CFA Images…… 可以下载论文看,代码(MATLAB)进行实践

2018-08-22

paper(Raw域CFA模式下的去噪)MATLAB code

论文中(Raw域CFA模式下的去噪)MATLAB code,在Raw域中进行去噪

2018-08-17

数字图像处理及应用

电子教案PPT版本,数字图像处理,电子教案PPT版本,数字图像处理

2018-08-17

C:\Windows\System32 中 cmd丢失,cmd.exe 下载

C:\Windows\System32中cmd文件丢失,如果打开cmd,显示不存在,那么你的电脑里面的cmd.exe可执行文件丢失了,需要重新添加,打开我的电脑,搜索如下路径:C:\Windows\System32 ,将下载下来的cmd.exe文件添加到这个路径下的文件夹中即可。

2018-04-13

空空如也

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

TA关注的人

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