自定义博客皮肤VIP专享

*博客头图:

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

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

博客底图:

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

栏目图:

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

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(68)
  • 资源 (1)
  • 收藏
  • 关注

原创 求最大字串和 (在线更新法)

public class MaxSubArray { public static void main(String[] args) { int[] arr = {-2,1,-3,4,-1,2,1,-5,4}; int[] arr1={-1,2,3,50,-16,1,20,-12}; maxarr(arr1); } public static void maxarr(int[]...

2018-12-26 22:32:36 220

转载 coco 关键点json文件解析

COCO是微软提供的一个图像识别的数据集。其中包括3个tasks,分别是object instances, object keypoints, 和image captions,存储格式为JSON。基本的数据结构定义如下:{"info" : info, "images" : [image], "annotations" : [annotation], "licenses" : [lice...

2018-12-25 12:04:19 6928 3

原创 python pandas(一)

#coding=utf-8import numpy as npimport pandas as pddf1 = pd.DataFrame(pd.read_csv('./house_data/all/test.csv',header=1)) # 读取.csv文件print df1.shapedf2 = pd.DataFrame({"id":[1002,1001,1003,1004...

2018-11-14 20:02:58 272

原创 pytorch 实践二

#coding=utf-8import torchimport numpy as npimport torch.nn as nnfrom torchvision import datasets, transformsfrom torch.utils import dataimport osfrom PIL import Imageimport torch.nn.functiona...

2018-11-09 21:17:21 315

原创 pytorch自我学习基础(一) 线性回归

pytorch 版本 0.2.0#coding=utf-8from matplotlib import pylab as pltimport numpy as npimport randomimport torch.nn as nnimport torchfrom torch.autograd import Variablenum_inputs = 2num_example...

2018-11-08 09:20:14 568

转载 faster rcnn理解

AnchorTargetCreator : 负责在训练 RPN 的时候,从上万个 anchor 中选择一些 (比如 256) 进行训练,以使得正负样本比例大概是 1:1. 同时给出训练的位置参数目标。 即返回gt_rpn_loc和gt_rpn_label。 ProposalTargetCreator: 负责在训练 RoIHead/Fast R-CNN 的时候,从 RoIs 选择一部分...

2018-10-18 11:24:06 482

原创 训练faster-rcnn python版本的时候报错No module named cython_bbox

补充一点:将proposal_target_layer.py中的from utils.cython_bbox import bbox_overlaps替换成:from utils.bbox import bbox_overlaps

2018-10-17 15:06:02 15437 11

转载 terminal中可以import caffe,但是pycharm中无法import 及faster rcnn包标红

亲测有效http://askubuntu.com/questions/684550/importing-a-python-module-works-from-command-line-but-not-from-pycharm按照图片说明进行,在最后一步 添加路径时候选择到自己的如下路径中  "/your/caffe/path/caffe-master/python"同理,对...

2018-10-11 16:46:01 754

转载 批量删除VOC的XML中的某些节点

import xml.etree.cElementTree as ETimport ospath_root = ['E:\data-VOC0712\VOC2007\Annotations', 'E:\data-VOC0712\VOC2012\Annotations']CLASSES = [ "bottle", "cat...

2018-09-26 21:10:51 724 1

原创 python 数据库 mongodb

#coding=utf-8import pymongo#print pymongo.__version__client = pymongo.MongoClient(host='127.0.0.1',port=27017)db = client.testcollection = db.studentsstudent = { 'id':'20170905', 'nam...

2018-09-16 10:16:41 190

原创 mysql python

#coding=utf-8import MySQLdbcon = MySQLdb.connect(host='127.0.0.1',user='root',passwd='2',db='nan',port=3306)cur = con.cursor()cur.execute('CREATE TABLE IF NOT EXISTS tableone (id int not null a...

2018-09-15 21:51:18 138

原创 数据库 (一) sqlite3

#coding=utf-8import sqlite3import sysreload(sys)sys.setdefaultencoding('utf-8')con = sqlite3.connect('/home/flyvideo/sqlite3database.db')con.text_factory = str # 插入的字符串中含有中文字符,得加这一行con.execut...

2018-09-15 09:45:51 168

转载 文字识别——检测部分 CTPN论文翻译

原文翻译地址:https://blog.csdn.net/quincuntial/article/details/79475339翻译论文汇总:https://github.com/SnailTyan/deep-learning-papers-translationDetecting Text in Natural Image with Connectionist Text Proposa...

2018-09-13 22:24:02 2447

转载 文字识别开源库

一、SWT识别:yestinsong/Text-Detection( Text Detection System with MSER , SWT and Text Verification(fft and pca) )https://github.com/yestinsong/Text-Detectionaperrau/DetectText:Detect text with stroke w...

2018-09-09 21:47:44 4755

转载 白翔2018Mask TextSpotter: An End-to-End Trainable Neural Network for Spotting Text with Arbitrary Shap

转载的别人的,主要是方便自己看引入Mask R-CNN思想通过语义分割进行任意形状文本检测与识别。 华中科技大学白翔老师团队在自然场景文本检测与识别领域成果颇丰,这篇被ECCV2018接收的论文《Mask TextSpotter: An End-to-End Trainable Neural Network for Spotting Text with Arbitrary Shapes...

2018-09-08 15:52:01 1484

转载 文字识别论文合集(主要转自其他的博客,记录一下)

原文链接:https://blog.csdn.net/peaceinmind/article/details/51387367本文写成时主要参考了[1,2], 后面加了一些自己收集的,不过大家都在更新,所以区别点击打开链接不是很大~ 综述[2015-PAMI-Overview]Text Detection and Recognition in Imagery: A Survey[p...

2018-09-08 12:06:36 4423

转载 Yolo v3 详解

原文链接:https://blog.csdn.net/u014380165/article/details/80202337#commentBox论文:YOLOv3: An Incremental Improvement 论文地址:https://pjreddie.com/media/files/papers/YOLOv3.pdfYOLO系列的目标检测算法真的非常赞!这篇博客就来介绍YO...

2018-09-07 15:43:14 6179

转载 Yolo V2理解

原文:https://blog.csdn.net/u014380165/article/details/77961414论文: YOLO9000:Better,Faster,Stronger 论文链接:https://arxiv.org/abs/1612.08242YOLO9000是CVPR2017的最佳论文提名。首先讲一下这篇文章一共介绍了YOLO v2和YOLO9000两个模型,二者...

2018-09-06 23:17:39 356

转载 遇到usr/bin/ld: cannot find -lcufft解决方法。

遇到usr/bin/ld: cannot find -lcufft解决方法。原文:https://blog.csdn.net/wan_exe/article/details/70171052版权声明:本文为博主原创文章,未经博主允许不得转载。 https://blog.csdn.net/WAN_EXE/article/details/70171052Ubuntu15.04中安装完ope...

2018-09-06 21:06:03 884

转载 RoI Pooling详解

 RoI Pooling详解RoI Pooling其实是SPP pooling的一种特殊情况。SPP pooling可以采用多个金字塔层,RoI只采用一种。具体做法为: 对于映射到feature map上的RoI(Region Proposal通过变换得来),假设该RoI大小为h×wh×w,RoI Pooling的输出为H×WH×W(H,WH,W为超参数)。将h×wh×w的RoIRoI分解成H...

2018-09-05 11:50:43 2147

原创 编译caffe出现:src/caffe/net.cpp:9:18: fatal error: hdf5.h: No such file or directory compilation termina

修改Makefile.config文件中这两行,改成:# Whatever else you find you need goes here.INCLUDE_DIRS := $(PYTHON_INCLUDE) /usr/local/include /usr/include/hdf5/serialLIBRARY_DIRS := $(PYTHON_LIB) /usr/local/lib /us...

2018-09-04 09:36:00 1483 2

转载 YOLO V1算法详解

注:转载的大神的文章,方便以后自己看。原文章链接:https://blog.csdn.net/u014380165/article/details/72616238这篇博客主要介绍下YOLO v1算法(CVPR2016的文章)。YOLO是目前比较流行的object detection算法,速度快且结构简单,其他的object detection算法如faster RCNN,SSD相信大家也不陌...

2018-09-02 19:29:58 3115 2

转载 faster Rcnn详解

转:https://blog.csdn.net/a8039974/article/details/77592389↑↑↑↑目录在这里↑↑↑↑↑Faster RCNN github : https://github.com/rbgirshick/py-faster-rcnnFaster RCNN paper : https://arxiv.org/abs/1506.01497Boun...

2018-08-14 22:06:54 739

转载 python 格式规范

1、重要原则a.保持风格的一致性很重要,但最重要的是:知道何时不一致b.打破一条既定规则的两个好理由:c.当应用规则会导致代码可读性下降(可读性赛高)d.为了和周围代码保持一致而打破规则(历史遗留)2、最简规范a.只使用空格缩进b.使用UTF-8编码c.每行只写一条语句d.使用行末反斜杠折叠长行,限制每行最大79字符e.导入包:每行唯一、从大到小、绝对路径f.类内方法...

2018-08-12 16:24:30 4936

原创 python numpy.argpartition

a = [9,1,8,2,7,3,0,6,4,5,14,56,110]ind = np.argpartition(a, -4)[-4:][::-1]b = []for i in ind: print a[i] b.append(a[i])print 'b:',bc = sorted(b,reverse=True)print c结果:91456110b: [9...

2018-08-06 23:17:01 1012

原创 pytorch Resnet34

结构:1.代码:# coding:utf8from models.BasicModule import BasicModulefrom torch import nnfrom torch.nn import functional as Fclass ResidualBlock(nn.Module): """ 实现子module: Residual Bloc...

2018-08-05 11:39:51 533 1

原创 pytorch学习(十一) 可视化工具——visdom

1.  安装visdom:pip install visdom2.在shell下,输入: python -m visdom.server,则开启web服务。出现:在浏览器输入:http://localhost:8097   ,即跳出界面。3.在python下输入程序:记得运行import torchimport visdomvis = visdom.Visdom(en...

2018-08-04 11:44:53 16729 6

原创 pytorch 学习(九) 一些简单的例子

#coding=utf-8import torchimport torch.nn as nnfrom torch.autograd import Variablem = nn.LeakyReLU(0.1)input = Variable(torch.randn(2))print(input)print '---' * 10print(m(input))print '--' *...

2018-07-29 21:33:14 1939

原创 python 基于BaseHTTPServer的web服务器搭建(二)

#coding=utf-8from BaseHTTPServer import HTTPServer,BaseHTTPRequestHandlerimport urllibclass MyHandler(BaseHTTPRequestHandler): def do_GET(self): self.send_response(200) self...

2018-07-27 10:15:14 7563 3

原创 python web服务器(一)

# coding=utf-8'''Created on 2015-7-20@author: xhw@explain: 实现GET方法和POST方法请求'''from BaseHTTPServer import HTTPServer, BaseHTTPRequestHandlerimport urllibclass ServerHTTP(BaseHTTPRequestHand...

2018-07-26 16:08:19 500

原创 pytorch学习(八) 给RNN使用GPU cuda()

没加cuda()前,运行时间为55s。加了cuda()后,运行时间为6s。#coding=utf-8import torchimport torch.nn as nnimport torch.utils.data as Dataimport torchvision # 数据库模块from torch.autograd import Variableimport time...

2018-07-22 20:21:21 6504 2

原创 python 字典的用法

#coding=utf-8'''字典的学习'''#创建字典info = {'name':'Lilei','age':22,'sex':'man'}print infoinfo1 = dict(name = 'Lilei',age = 22,sex = 'man')print info1#添加/修改字典元素,注意字典无序info['name'] = 'Hanmeimei...

2018-07-21 17:34:15 212

原创 pytorch 学习(八) RNN回归

#coding=utf-8import torchfrom torch import nnimport numpy as npimport matplotlib.pyplot as pltfrom torch.autograd import Variabletorch.manual_seed(1) # reproducible# Hyper ParametersTIME...

2018-07-18 20:05:35 1203

原创 pytorch 学习(八) RNN建立(分类)

#coding=utf-8import torchimport torch.nn as nnimport torch.utils.data as Dataimport torchvision # 数据库模块from torch.autograd import Variabletorch.manual_seed(1) # reproducible# Hyper P...

2018-07-18 17:47:08 818

原创 pytorch学习(七)

torch.max用法:#coding=utf-8import torchfrom torch.autograd import Variable#返回输入tensor中所有元素的最大值a = torch.randn(1, 3)print aprint torch.max(a)print '--' * 10#按维度dim 返回最大值 torch.max)(a,0) 返回每...

2018-07-18 15:18:58 194

原创 pytorch 学习(六) CNN搭建

以mnist为数据集:若原来没有数据集,把DOWNLOAD_MNIST=True。#coding=utf-8import torchimport torch.nn as nnimport torch.utils.data as Dataimport torchvision # 数据库模块import matplotlib.pyplot as pltfrom torch....

2018-07-18 11:13:33 682

原创 pytorch 学习(四)

a = torch.Tensor(2,3)print a#表示方法a[0]:表示第0行a[:,0]:表示第0列a[0][2]:表示第0行第2个元素,等价于a[0,2]a[0,-1]:第0行,最后一个元素a[:2]:表示前两行a[:2,0:2]:前两行,第0,1列a[0:1,:2]:第0行,前两列。与a[0,:2]形状不同a[torch.LongTensor([0,1])]:...

2018-07-17 19:42:42 647

原创 pytorch 学习(五)

分类:#coding=utf-8import torchimport matplotlib.pyplot as pltfrom torch.autograd import Variableimport torch.nn.functional as Fimport torch.nn as nnn_data = torch.ones(100,2)x0 = torch.normal...

2018-07-17 15:14:52 250

原创 pytorch python学习(三)

简单实现lenet-5:#coding=utf-8import torchfrom torch.autograd import Variableimport torch.nn as nnimport torch.nn.functional as Fclass Net(nn.Module): def __init__(self): super(Net,self)....

2018-07-16 11:43:20 456

原创 python pytorch学习(二)

自动微分pytorch所有网络核心是autograde自动求导包。autograde.Variable是包的核心类,它包装了张量,并且几乎支持所有的操作。可以调用.backward()方法,然后所有的梯度计算会自动完成。注意的是,通过.data属性来访问原始的张量。引用:{Variable 和 Function 是相互联系的, 并且它们构建了一个非循环的图, 编码了一个完整的计算历史信息. 每一个...

2018-07-15 20:01:38 936 1

深度学习之PyTorch实战计算机视觉

非常清晰!!!!计算机视觉、自然语言处理和语音识别是目前深度学习领域很热门的三大应用方向,本书旨在帮助零 基础或基础较为薄弱 的读者入 门深度学习 ,达到能够独立使用深度学习知识处理计算机视觉问题的水平 。 通过阅 读本书,读者将学到人工智能 的基础概念及 Python 编程技能, 掌握 PyTorch 的使用方法,学到深 度学习相关的理论知识 ,比如卷积神经网络 、循环神 经网络、自动编码器 , 等等。在掌握深度学 习 理论和 编程技能之后,读者还会学到如何基于 PyTorch 深度学习框架实战计算机视觉。本书 中的大量实例可让读 者在循序渐进地学习的同 时,不断地获得成就感。

2018-11-16

空空如也

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

TA关注的人

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