- 博客(24)
- 资源 (13)
- 收藏
- 关注
翻译 超精简ubuntu的GPU配置(实测好用)
一、安装英伟达 GPU 驱动#安装ubuntu后运行以下命令来升级内核版本sudo apt-get updatesudo apt-get upgrade#以下命令会将与你系统相兼容的驱动版本显示出来sudo add-apt-repository ppa:graphics-drivers/ppa#安装所需版本的NVIDIA驱动sudo apt-get updatesu...
2019-07-20 00:18:24
919
原创 Residual Attention Network for Image Classification(原文阅读)
Abstract In this work, we propose “Residual Attention Network”, a convolutional neural network using attention mechanism which can incorporate with state-of-art feed forward net-work architectu...
2019-06-10 09:57:58
532
原创 SE_densenet+efficient memory
SE_densenet参考http://www.zhouyuangan.cn/2018/11/se_densenet-modify-densenet-with-champion-network-of-the-2017-classification-task-named-squeeze-and-excitation-network/import mathimport torchimport...
2019-05-07 00:18:28
1641
原创 制作大图效果
模型预测import pickleimport cv2import numpy as npf = open('/home/xm/桌面/论文精华/sample_data_498_558.txt','rb')data = pickle.load(f)pred = model.predict(data)将分类结果以像素点的形式拼接B = []for i in range(le...
2019-05-06 15:57:38
210
原创 选择模型训练
def densenet121_model(img_rows, img_cols, color_type=1, nb_dense_block=4, growth_rate=48, nb_filter=64, reduction=0.5, dropout_rate=0.0, weight_decay=1e-4, num_classes=None): ''' DenseNet 121...
2019-05-06 15:21:03
468
转载 高光谱图像分类
本文为高光谱图像分类,参考链接https://github.com/KonstantinosF/Classification-of-Hyperspectral-Image数据预处理import numpy as npfrom sklearn.decomposition import PCAimport scipy.io as siofrom sklearn.model_select...
2019-05-06 14:24:36
6113
6
原创 地基云分割
读取地基云图,并显示%matplotlib inlineimport gluonbook as gbfrom mxnet import gluon,init,nd,imagefrom mxnet.gluon import data as gdata,loss as gloss,model_zoo,nnimport numpy as npdef read_voc_images(roo...
2019-05-06 12:44:04
1214
3
原创 手指检测训练过程
读取制作的手指检测的数据集from mxnet import gluonfrom mxnet import imagefrom mxnet import nddata_shape = 256batch_size = 36rgb_mean = nd.array([123,117,104])def get_iterators(data_shape,batch_size): c...
2019-05-06 10:25:00
1069
原创 制作手指检测数据集
将所有手指图片统一尺寸import osfrom PIL import Imageimport syssys.path.append('/home/xm/桌面/finger_detection')from utils import parse_voc_xml,mkdir_if_not_existclass_names = ['finger']os.environ['data_ro...
2019-05-06 08:24:05
1653
原创 制作云图数据集
import pickleimport numpy as npimport random#读取采集的背景数据,数据形式为Nonex28x28x4others = np.load('/home/xm/桌面/make_dataset/others.npy')index_1 = random.sample(list(range(others.shape[0])),others.shape[0...
2019-04-30 23:29:46
1044
原创 如何计算自己的图片数据集的均值和方差
import numpy as npimport pickledef load_CIFAR_batch(filename): """ load single batch of cifar """ with open(filename, 'rb') as f: datadict = pickle.load(f,encoding='latin1') ...
2019-04-24 20:46:13
6990
1
原创 重装window10,重启黑屏必须通过按F12,才能进入桌面的解决办法、
按F1,在startup里选CSM Support 更改为Disabled,从而保证直接进入桌面。
2019-01-24 22:00:58
3059
原创 detection
import osfrom PIL import Imageimport syssys.path.append('/home/xm/桌面/caohuifinger')from utils import parse_voc_xml,mkdir_if_not_existclass_names = ['finger']os.environ['data_root'] = data_root ...
2018-09-06 23:21:03
194
原创 mouse select
#include "opencv2/core/core.hpp" #include "opencv2/objdetect/objdetect.hpp" #include "opencv2/highgui/highgui.hpp" #include "opencv2/imgproc/imgproc.hpp" #include <tchar.h>#include <...
2018-09-06 18:22:19
213
转载 xml转化成txt
import osimport sysimport xml.etree.ElementTree as ETimport globdef xml_to_txt(indir,outdir): os.chdir(indir) annotations = os.listdir('.') annotations = glob.glob(str(annotations)+'...
2018-09-06 17:30:43
3237
1
原创 使用python将某一类型的图片格式放入某一文件夹内
import osimport shutilpath = '/home/xm/桌面/finger'list = os.listdir(path)for i in range(0,len(list)): files = list[i] if files[-4:] == 'tiff': file_path = '/home/xm/桌面/finger/' + files print...
2018-09-04 11:57:44
658
转载 文件内图片全部重命名
参考:https://blog.youkuaiyun.com/zhyh1435589631/article/details/51788350import ospath = r'C:\Users\Administrator\Desktop\pos'filelist = os.listdir(path)total_num = len(filelist)i = 0path_new = r'C:\Us...
2018-08-21 14:32:37
577
原创 如何用python画出训练曲线图
import pickleimport matplotlib.pyplot as pltf1 = open('/media/xm/0ABA09D10ABA09D1/交通标志识别/Capsule-master/cnn/traffic_cnn_show.txt','rb')cnn = pickle.load(f1)f2 = open('/media/xm/0ABA09D10ABA09D1/交...
2018-07-24 21:45:18
5753
1
原创 读取文件夹内所有图片,并将文件名按行存放在txt文件中
import os f = open('/home/xm/桌面/data.txt','w')for root,dirs,files in os.walk('/media/xm/0ABA09D10ABA09D1/云/swimseg/images',True): for file in files: f.writelines(file) f.write('\n')
2018-07-24 10:04:41
1560
2
原创 傻瓜式教程:如何入门做图像检测的项目
一、制作图像分割数据集1、ubuntu首先安装使用做标签的软件:sudo pip install labelImg ,接着调用labelImg软件,在终端中输入:labelImg 2、使用labelimg制作图像分割的标签这里贴两个链接:https://www.cnblogs.com/kekeoutlook/p/8063077.html ...
2018-07-22 21:52:12
828
空空如也
TA创建的收藏夹 TA关注的收藏夹
TA关注的人