- 博客(94)
- 收藏
- 关注
原创 win10+gtx1060+Tensorflow-GPU安装
WIN10+GTX1060+CUDA9.0+CUDnn7.0.5+Tensorflow1.9.0-gpu+Keras2.2.4+python3.6.7可参考:https://www.jianshu.com/p/8d0815cf0281https://www.cnblogs.com/jetHu/p/10837738.htmlhttps://www.cnblogs.com/carle-09...
2019-10-14 10:29:58 464
原创 【语义分割】用labelme制作VOC数据集
使用pip安装labelme;使用cmd启动labelme标注界面;labelmelabels.txt存放分类数据。自己修改下labelme2voc.pypython labelme2voc.py --labels=labels.txt input_folder data_dataset_voc# -*- coding: utf-8 -*-#!/usr/bin/env...
2019-09-19 16:28:39 9672 11
原创 mmdetection框架用YOLOX训练DOTA1.0数据集
参考:yolox训练DOTA-v1.5数据集 - 藏锋守拙的文章 - 知乎 https://zhuanlan.zhihu.com/p/454368675。DOTA1.0数据集准备。DOTA转COCO格式。
2023-04-14 15:27:39 713
原创 Segment Anything Model
SAM完全开源,这也是继MetaAI贡献的LLaMA之后又一个十分卓越的开源贡献!很快,各种新的分割应用应该就会出现了!目前,SAM开源了3个模型,即 vit_h、vit_l和vit_b,最后一个是最大的结果!SAM开源代码、预训练模型以及其它资源。
2023-04-07 16:54:02 1006
原创 图像分割loss对比
1.binary_crossentropy # Loss最终用binary_crossentropy loss,sigmoid激活后放到一个logit的loss里 loss = tf.reduce_mean(tf.keras.losses.binary_crossentropy(labels, pred))2.sigmoid_cross_entropy_with_logits 不行 # # 第一种loss, sigmoid_cross_entropy_with_logits输入为未激活的
2022-05-08 10:37:24 934
原创 tensorflow 1.13以上版本环境变量
import osos.environ['TF_CUDNN_USE_AUTOTUNE']='0'os.environ['TF_FORCE_GPU_ALLOW_GROWTH']='true'
2022-04-02 09:31:15 221
原创 Python修改图片Exif属性
# from PIL import Image# import piexif## im = Image.open("D://temp//1.jpg")# exif_dict = piexif.load(im.info["exif"])## print(type(exif_dict), exif_dict)## for ifd in ("0th", "Exif", "GPS", "1st"):# for tag in exif_dict[ifd]:# print(.
2022-03-15 11:30:45 3496
原创 2021-04-20 四边形点顺时针排序
# 四边形点的顺时针排序 def order_points_new(self, pts): # sort the points based on their x-coordinates xSorted = pts[np.argsort(pts[:, 0]), :] # grab the left-most and right-most points from the sorted # x-roodinate points ...
2021-04-20 17:54:11 787
原创 TIFF压缩
import PIL.ImageOpsfrom PIL import Imageimport osimport cv2import numpy as np# from libtiff import TIFFdir_ = 'C:\\Users\\pc\\Desktop\\6185-621-001\\6185-621-001-002'for fl in os.listdir(dir_): name, ext = fl.split(".") # tif = TIFF.open(.
2021-04-07 11:45:20 1091 1
原创 裁剪关键点检测:SimpleBase
https://github.com/zigangzhao-ai/Pose-key-points-detection
2021-03-24 11:43:35 257
原创 ubuntu环境 编译CPU版的NMS
关键点检测:https://github.com/zigangzhao-ai/Pose-key-points-detection第一步:下载源码和demo模型数据git clone –recursive https://github.com/rbgirshick/py-faster-rcnn.git在下载好的py-faster-rcnn的文件夹下运行./data/scripts/fetch_faster_rcnn_models.sh模型数据下载。第二步:编译cpython模块进入lib.
2021-03-24 09:49:23 492
原创 win10环境 pycocotools简单安装
目标检测之pycocotools安装从清华镜像源下载https://pypi.tuna.tsinghua.edu.cn/simple/pycocotools-windows/wheel型包pycocotools_windows-2.0-cp37-cp37m-win_amd64.whl注意看格式,cp37就是python3.7用cmd的pip命令 pip install 包所在的路径pip install C:\Users\308B\Downloads\pycocotools_windo...
2021-02-26 14:54:19 472
原创 keras模型转pb模型
import tensorflow as tffrom tensorflow.keras.models import load_modelimport numpy as npif __name__ == '__main__': norm_size=192 graph = tf.Graph() with graph.as_default(): session = tf.Session() with tf.Session().as_default.
2021-02-26 13:49:53 415
原创 ckpt转pb,新增一个节点名字output
FPN模型名字:photo0007_20200715_Frozen.pbprotectp0010_2020071578003_Frozen.pbstain0001_2020012001_Frozen.pb模型输入:img_plac = tf.placeholder(dtype=tf.uint8, shape=[None, None, 3], name='input_img') # is RGB. not GBR输出...
2020-09-15 18:01:18 317
原创 【目标检测】新增类别训练
CEO总是逼我,说客户关心某一个新的类别:对于一个n类检测数据集和一个m类检测数据集,想要得到一个n+m类检测模型。实际生产环境中,已经标注完成的数据集,因为业务需要增加k个新的检测类别。但不希望对已有数据重新标注,而是只标注接下来新的数据。 CEO总是逼我,说客户希望把某一类别分成两种情况对待:上一个问题再进一步推广,因为业务需要,数据的标注标准发生改变,比如将过去某个类别拆分为多个新的类别。但不希望对已有数据重新标注,而是只标注接下来新的数据。 CEO总是逼我,说标注成本太高,公司要倒闭:对于一个长
2020-08-07 10:57:33 2015
原创 json.decoder.JSONDecodeError: Expecting value: line 1 column 1 (char 0)及解决ubuntu中文乱码问题的方法总结
Bug:json.decoder.JSONDecodeError: Expecting value: line 1 column 1 (char 0)Solution:尚未解决https://blog.csdn.net/yinjiabin/article/details/7574267
2020-08-03 10:51:54 892
原创 【Bug】ValueError: You are trying to load a weight file containing 12 layers into a model with 2 layer
>> model.save('./model/my_model_weights.h5')>> model=load_model('./model/my_model_weights.h5')ValueError: You are trying to load a weight file containing 12 layers into a model with 2 layers.因为这个神经网络是嵌套的,也算是这个python库的一个bug吧。from ...
2020-07-27 14:03:33 667
原创 【系统】服务器重启后nvidia-smi 报错:无法与 nvidia driver 通信
1.问题:/usr/lib$ nvidia-smiNVIDIA-SMI has failed because it couldn't communicate with the NVIDIA driver. Make sure that the latest NVIDIA driver is installed and running.2.参考:https://zhuanlan.zhihu.com/p/897148243.解决方案:sudo apt install dkmssudo
2020-07-27 13:40:51 793 3
原创 EfficientNet,VGG16角度检测模型
1.图像预处理for file in *.jpg;do convert $file -rotate 90 rotated-$file;done角度检测模型:训练EfficientNet,2019年google出的,据说是分类精度最高的模型EfficientNetB6输入尺寸:528效果应该比224尺寸的VGG16好https://github.com/lxztju/keras_classfication...
2020-07-17 17:14:56 835
原创 yolo v4
https://github.com/bubbliiiing/yolov4-keras/blob/master/train.py
2020-07-16 14:14:09 1041
原创 cv2.boxPoints()详解
获取车牌轮廓上的点集后,可用cv2.minAreaRect()获取点集的最小外接矩形。返回值rect内包含该矩形的中心点坐标、高度宽度及倾斜角度等信息,使用cv2.boxPoints()可获取该矩形的四个顶点坐标。# 获取最小外接矩阵,中心点坐标,宽高,旋转角度rect = cv2.minAreaRect(points)# 获取矩形四个顶点,浮点型box = cv2.b...
2020-04-29 10:26:15 46275 20
转载 pytorch内置torch.nn.CTCLoss
一、开篇简述CTC 的全称是Connectionist Temporal Classification,中文名称是“连接时序分类”,这个方法主要是解决神经网络label 和output 不对齐的问题(Alignment problem),其优点是不用强制对齐标签且标签可变长,仅需输入序列和监督标签序列即可进行训练,目前,该方法主要应用于场景文本识别(scene text recognition...
2020-04-23 09:41:27 2826
原创 【分类】VGG16训练记录
1.所有文件名加标签后缀,生成train乱序的list参考:https://blog.csdn.net/cpongo3/article/details/93624404rename 's/\.jpg/\_0.jpg/' *rename 's/\.jpg/\_180.jpg/' *rename 's/\.jpg/\_180.jpg/' *rename 's/\.jpg/\_180....
2020-01-06 10:20:07 484
原创 tensorflow性能调优
参考:http://d0evi1.com/tensorflow/performance/https://zhuanlan.zhihu.com/p/53345706
2019-12-05 10:19:48 237
原创 加密模型
一、遇到的问题:No module named 'Crypto'https://raw.githubusercontent.com/M-O-Z-G/Various-Stuff/master/Python/Wheels/pycrypto-2.6.1-cp36-cp36m-win_amd64.whl
2019-12-03 15:14:38 914
原创 打包tricks
打包tricks:1:安装pywin32https://m.meiwen.com.cn/subject/hjoigftx.html2.pycryptohttps://raw.githubusercontent.com/M-O-Z-G/Various-Stuff/master/Python/Wheels/pycrypto-2.6.1-cp36-cp36m-win_amd64.whl...
2019-12-02 16:21:16 213
转载 使用Python基于VGG/CTPN/CRNN的自然场景文字方向检测/区域检测/不定长OCR识别
转自:https://www.cnblogs.com/YSPXIZHEN/p/11343426.htmlGitHub:https://github.com/pengcao/chinese_ocrhttps://github.com/xiaofengShi/CHINESE-OCR|-angle 基于VGG分类模型的文字方向检测预测|-bash 环境安装|----setup-pyt...
2019-12-02 10:59:12 1363
原创 ValueError: Tensor Tensor("dense_2/Softmax:0", shape=(?, 8), dtype=float32) is not an element of thi
Django整合Keras报错在正常的 python 程序里运行没有问题,在 django 里将模型加载与模型使用的代码放在一起也没有问题,但是一旦将加载与使用的过程分开就会出现这个问题解决方法在初始化加载模型之后,就随便生成一个向量让 model 执行一次 predict 函数,之后再使用就不会有问题了我自己的代码:saved_model_weights_file_path...
2019-11-18 13:56:01 1226
原创 Python 释放内存的3种方法
1.with ashttps://cloud.tencent.com/developer/article/10831482.delpython话说会自己管理内存,实际上,对于占用很大内存的对象,并不会马上释放。举例,a=range(10000*10000),会发现内存飙升一个多G,del a 或者a=[]都不能将内存降下来。。del 可以删除多个变量,del a,b,c,d办法:...
2019-11-15 14:35:01 46836
原创 使用Tensorflow或Keras时对GPU内存限制
使用Tensorflow或Keras时对GPU内存限制博客原文——使用Tensorflow或Keras时对GPU内存限制跑Keras 或者 Tensorflow时默认占满所有GPU内存,这时如果想再开一个进程,或者别人想开一个进程都挤不上来,所以必须限制GPU内存最好的资料还是官方文档visible_device_list指定使用哪块显卡 per_process_gpu_me...
2019-11-14 17:12:33 963
转载 【转】Tensor Tensor("dense_2/Softmax:0", shape=(?, 192), dtype=float32) is n
解决方案:https://cloud.tencent.com/developer/article/1167171from django.shortcuts import renderfrom keras.models import load_modelfrom PIL import Imageimport numpy as npimport tensorflow as tfgr...
2019-11-14 09:05:04 680
原创 【OCR】文字检测:传统算法、CTPN、EAST
我的east和ctpn速度差不多,east正确率高4%http://xiaofengshi.com/2019/01/23/深度学习-TextDetection/https://codeload.github.com/GlassyWing/text-detection-ocr/zip/master1、传统算法import cv2import numpy as np# 读取图片...
2019-11-12 19:57:32 2030
原创 python使用Thread的setDaemon启动后台线程
什么是线程线程(Thread)也叫轻量级进程,是操作系统能够进行运算调度的最小单位,它被包涵在进程之中,是进程中的实际运作单位。线程自己不拥有系统资源,只拥有一点儿在运行中必不可少的资源,但它可与同属一个进程的其它线程共享进程所拥有的全部资源。一个线程可以创建和撤消另一个线程,同一进程中的多个线程之间可以并发执行。为什么要使用多线程线程在程序中是独立的、并发的执行流。...
2019-11-11 16:08:17 574
原创 python 小技巧
set FLASK_DEBUG=0python -m image_process.Image_process_flaskconfigparser.ConfigParser() 获取配置节section成为字典import configparsercfg = configparser.ConfigParser()cfg.read('config.txt')windDB = Or...
2019-11-09 11:29:00 184
原创 Python+Flask
requirementFlask==1.1.1jinja2==2.10.1requests==2.22.0gunicorncryptography==2.7# Flask ExtensionsFlask-Assets>=0.12,<0.12.99# Branch that contains a Unicode bug fix - use until http...
2019-11-08 12:00:23 299
空空如也
空空如也
TA创建的收藏夹 TA关注的收藏夹
TA关注的人