- 博客(286)
- 资源 (8)
- 收藏
- 关注

原创 Linux下使用百度云(网盘)登录、下载、上传(Ubuntu)
1.安装所有需要安装的:pip install requestspip install bypy2.验证:python -m bypy这就说明安装成功啦!3.登录:输入:bypy info或者:bypy list弹出链接,点击这个链接:接着弹出授权码,复制一下:返回终端,粘贴一下授权码:出现成功授权,就代表登录成...
2020-03-16 20:53:45
4040
1

转载 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
505
原创 Python- ocr识别模型(MNN模型)预测(trocr多输入)
【代码】Python- ocr识别模型(MNN模型)预测(trocr多输入)
2024-09-19 14:00:46
311
原创 Error-RuntimeError: one of the variables needed for gradient computation has been modified by
RuntimeError:梯度计算所需的变量之一已被就地操作修改:[torch.cuda.FloatTensor [4, 2, 72, 768]],这是 AsStridedBackward0 的输出 0,版本为 1;提示:上面的回溯显示了无法计算其梯度的操作。有问题的变量后来在那里或任何地方都发生了变化。出错可能是由于张量的计算在计算图中被修改,导致版本不匹配的错误。对两个地方进行了拷贝,避免切片操作对原向量的影响,同时仔细检查代码中的所有操作,确保没有任何就地修改 (in-place) 操作,例如使用。
2024-07-02 09:32:38
568
原创 Python-赋值运算符 = 和 copy 方法不同
总的来说,如果对象包含嵌套结构,并且你想要确保对副本的修改不会影响原始对象,那么使用深度拷贝是一个更安全的选择。深度拷贝(Deep Copy)和浅拷贝(Shallow Copy)是在复制对象时的两种不同方式,主要区别在于它们处理嵌套对象时的方式。方法用于创建对象的浅拷贝,即创建一个新对象,该对象的值与原始对象相同,但它们是独立的,修改一个对象不会影响另一个对象。将一个变量的值赋给另一个变量时,两个变量将引用相同的对象。总的来说,当你想要创建一个新对象,而不希望修改该对象影响到原始对象时,使用。
2024-02-20 10:23:46
473
原创 Pytorch- pip install -> conda install
【代码】Pytorch- pip install -> conda install。
2024-01-22 13:22:59
713
原创 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
1239
原创 Pytorch-DistributedDataParallel(DDP)进行多 GPU 训练
【代码】Pytorch-DistributedDataParallel(DDP)进行多 GPU 训练。
2023-12-28 17:30:26
2119
原创 Error-onnxruntime.capi.onnxruntime_pybind11_state.Fail:
转换之后运行onnx文件就报错:解决:最好把h5模型重新加载一下,保存save_model文件: 转pb:转onnx的时候使用的是save_model格式:
2023-11-15 16:02:26
1968
原创 Error- Loaded runtime CuDNN library: 8.0.4 but source was compiled with: 8.1.0.
更新完成之后,重新训练,没有报错了!
2023-10-18 13:17:51
1906
原创 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
889
原创 Error-yolov5 pt转onnx报错
针对yolov5 pt转onnx报错进行修改,并根据转换成功的onnx进行预测输出 修改: 去掉Detect层,改为转换后的处理,对三个输出层处理(export grid=True)转换后的onnx的输出少了直接通过detect层输出的[1,6300,9] : 对输出的onnx进行detect层输出并预测(参考链接:基于onnxruntime的YOLOv5单张图片检测实现_wxplol的博客-优快云博客_onnx yolov5):......
2022-07-05 13:22:10
1354
转载 tensorflow2-savedmodel convert to tflite
在tensorflow2中对savedmodel文件夹下文件转换成tflite
2022-06-21 14:06:04
435
原创 tensorflow2-savedmodel convert to pb(frozen_graph)
tensorflow2中对savedmodel文件夹下保存的文件进行frozen_graph
2022-06-21 13:57:09
1530
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
912
原创 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
3972
原创 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
3951
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
843
原创 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
16267
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
2270
原创 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
251
原创 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
340
原创 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
696
原创 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
2114
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
413
原创 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
458
原创 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
907
1
原创 Windows-Android中查看手机等终端的处理器
adb shell getprop ro.product.cpu.abiQualcomm Technologies, Inc MSM8953代表高通骁龙625处理器 (如果是Inc BENGAL代表高通骁龙 662 处理器)
2021-06-18 14:33:17
1445
原创 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
386
原创 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
5237
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
5756
2
person_reid.rar
2020-03-08
checkpoint_ep200.pth.tar
2019-08-13
SpindleNet-master
2018-11-21
PCA降噪在Raw域(PCA-Based Spatially Adaptive Denoising of CFA Images)
2018-08-22
C:\Windows\System32 中 cmd丢失,cmd.exe 下载
2018-04-13
空空如也
TA创建的收藏夹 TA关注的收藏夹
TA关注的人