自定义博客皮肤VIP专享

*博客头图:

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

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

博客底图:

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

栏目图:

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

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(56)
  • 收藏
  • 关注

原创 Pytorch model

Pytorch modelmodel.modulesmodel.named_modulesmodel.childrenmodel.named_childrenmodel.parametersmodel.named_parametersmodel.state_dict参考搭建一个简单网络,继承nn.Modulesimport torch import torch.nn as nn class Net(nn.Module): def __init__(self, num_class=10):

2020-12-23 23:02:35 396

原创 python 内建函数

python 内建函数内建函数__all____main____call____repr__参考blog内建函数all用于导入模块时做出限制;被导入模块若定义了__all__属性,则只有__all__内指定的属性、方法、类可被导入;若没定义,则导入模块内的所有公有属性,方法和类#bb.py__all__=('A','func')class A(): def __init__(self,name,age): self.name=name self.age=

2020-12-10 22:28:55 205

原创 mxnet 多卡训练

mxnet多卡训练 gluon单卡训练多卡训练补充参考blog单卡训练devices = mx.gpu(0) #指定GPU #batch_data,batch_label 表示从生成器中获取的数据和label #将nd.array类型数据放到devices(指定GPU(0,1,2,3)或者cpu)上data = mx.nd.array(batch_data).as_in_context(devices)label = mx.nd.array(batch_label).as_in_context(

2020-12-09 22:59:16 378

原创 常见激活函数对比

常见激活函数激活函数的作用非线性激活函数sigmodtanh 激活函数relu 激活函数 Rectified Linear UnitsLrelu&PreluELUSwishMaxout参考blog激活函数的作用激活函数的主要功能是为神经网络非线性能力 ,去掉激活函数层,神经网络仅剩下线性函数,多层线性函数的拟合还是线性的,无法更好的建模生活中的大多数非线性问题。线性激活函数(不是重点)非线性激活函数(sigmod,tanh,relu,lrelu,Prelu,swish)考量:可微性:因

2020-12-09 00:50:13 384

原创 mxnet symbol 和gluon 模型加载

mxnet symbol 和gluon 模型加载常规流程数据准备定义精度评价函数定义网络训练symbol与Gluon 模型加载gluon保存和加载模型结构和参数参考博客常规流程使用mxnet搭建模型模型的流程:主要包括数据准备,模型构建,超级参数选择,优化器,loss评价标准数据准备from mxnet import gluonfrom mxnet.gluon import nnimport matplotlib.pyplot as pltfrom mxnet import autograd

2020-12-09 00:06:43 343

原创 常见优化器SGD-NadaMax

常见优化器SGD-NadaMax转载https://zhuanlan.zhihu.com/p/81020717SGD Momentum Nesterov Momentum AdaGrad RMSProp AdaDelta Adam AdaMax Nadam NadaMaxSGD随机梯度下降算法,最常用地mSGD,小批量随机梯度下降求解参数。 Momentum动量梯度下降算法代码import numpy as np class Mo...

2020-12-08 00:51:44 341

转载 latex 初探

Latex 总结原创:https://blog.csdn.net/xuwang777/article/details/79162037/一:IEEEtran格式详解第一个.tex%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%%\documentclass[journal,twocolumn]{IEEEtran}%期刊,双栏,...

2019-05-03 16:28:14 758

转载 深度学习论文(发展阶段)

转载:https://blog.csdn.net/lioncv/article/details/22372757【1】A fast learning algorithm for deep belief nets: 2006Hinton关于deep learning的代表作。Papershows how to use “complementary prior” to elimin...

2019-03-16 23:50:58 480

转载 目标检测

转载文章:https://blog.csdn.net/xiao__run/article/details/80393016主要部分R-CNNFast R-CNNFaster R-CNNLight-Head R-CNNCascade R-CNNSPP-NetYOLOYOLOv2YOLOv3SSDDSSDFSSDESSDMDSSDPeleeR-FCNFPNRet...

2019-02-27 18:52:22 187

原创 leetcode-reverse-linked-list-ii

reverse-linked-list-ii描述Reverse a linked list from position m to n. Do it in one-pass.Note: 1 ≤ m ≤ n ≤ length of list.Example:Input: 1->2->3->4->5->NULL, m = 2, n = 4Output: 1-...

2019-02-20 15:08:19 142

原创 leetcode-rotate-list

rotate-list描述Given a linked list, rotate the list to the right by k places, where k is non-negative.Example 1:Input: 1->2->3->4->5->NULL, k = 2Output: 4->5->1->2->3-&...

2019-02-20 14:06:10 161

原创 leetcode-partition-list

partition-list描述Given a linked list and a value x, partition it such that all nodes less than x come before nodes greater than or equal to x.You should preserve the original relative order of the...

2019-02-20 13:41:46 164

原创 leetcode-remove duplicates from sorted list

remove duplicates from sorted list描述Given a sorted linked list, delete all nodes that have duplicate numbers, leaving only distinct numbers from the original list.Example 1:Input: 1->2->3-...

2019-02-19 21:07:57 163

原创 leetcode-swap nodes in pairs

swap nodes in pairs描述Given a linked list, swap every two adjacent nodes and return its head.You may not modify the values in the list’s nodes, only nodes itself may be changed.Example:Given 1-&...

2019-02-18 22:05:50 129

原创 leetcode-Remove Nth Node From End of List

Remove Nth Node From End of List描述Given a linked list, remove the n-th node from the end of list and return its head.Example:Given linked list: 1->2->3->4->5, and n = 2.After removin...

2019-02-18 21:27:31 123

原创 leetcode-middle-of-the-linked-list

middle-of-the-linked-list描述Given a non-empty, singly linked list with head node head, return a middle node of linked list.If there are two middle nodes, return the second middle nodeExample 1:I...

2019-02-18 20:28:45 168

原创 leetcode-链表-Palindrome Linked List

Palindrome Linked List描述Given a singly linked list, determine if it is a palindrome.Example 1:Input: 1->2Output: falseExample 2:Input: 1->2->2->1Output: true思路1.翻转链表,逐一比较 (占...

2019-02-16 23:21:04 159

原创 leetcode-reverse linked list

题目 reverse linked list描述Reverse a singly linked list.Example:Input: 1->2->3->4->5->NULLOutput: 5->4->3->2->1->NULL解法c++ 慢慢

2019-02-02 20:21:11 155

原创 leetcode -remove linked list elements

题目 remove linked list elements描述Remove all elements from a linked list of integers that have value val.Example:Input: 1->2->6->3->4->5->6, val = 6Output: 1->2-&am

2019-02-01 21:58:49 175

原创 leetcode - intersection oftwo Linked Lists

题目描述Write a program to find the node at which the intersection of two singly linked lists begins.For example, the following two linked lists:begin to intersect at node c1.Example 1:Input: inter...

2019-02-01 21:07:07 147

原创 leetcode- Linked List cycle

题目 Linked List cycle描述Given a linked list, determine if it has a cycle in it.To represent a cycle in the given linked list, we use an integer pos which represents the position (0-indexed) in the l...

2019-02-01 19:19:17 148

原创 leetcode刷题remove duplicates from sorted list

题目: remove duplicates from sorted list描述Given a sorted linked list, delete all duplicates such that each element appear only once.Example 1:Input: 1->1->2Output: 1->2Example 2:Input:

2019-02-01 18:29:26 202

原创 Leetcode刷题-merged two sorted list

题目:merged two sorted list描述Merge two sorted linked lists and return it as a new list. The new list should be made by splicing together the nodes of the first two lists.Example:Input: 1->2->...

2019-02-01 15:01:55 159

原创 github使用

contextgit 下载登陆git bash 建立本地仓库本地仓库与远程仓库连接克隆远程仓库利用远程仓库更新本地仓库1.git下载登陆   官网下载git 不用细说右键文件夹 点击git bash    (如果是本地仓库 则会有master)登陆命令:      git config --global user.name  "name"      gi...

2019-01-18 14:40:06 158

转载 faster rcnn 学习 搭建

转载 https://blog.csdn.net/char_QwQ/article/details/80980505一、克隆代码git clone https://github.com/endernewton/tf-faster-rcnn.git二、根据你的显卡更改下对应的架构。在tf-faster-rcnn/lib/setup.py的第130行,Tesla K40m对应的是sm_...

2018-12-15 15:17:24 475

转载 jupyter-notbook 使用conda

1。激活conda环境    source activate cym2. 安装ipykernel    conda install ipykernel3. 将环境写入notebook的kernel中python -m ipykernel install --user --name 环境名 --display-name “python 环境名”    python -m ip...

2018-12-13 13:51:10 271

转载 目标检测领域部分论文(13-18)

原始链接:https://github.com/amusi/awesome-object-detectionobject-detectionThis is a list of awesome articles about object detection.R-CNN Fast R-CNN Faster R-CNN Light-Head R-CNN Cascade R-CNN ...

2018-10-18 23:08:40 922

原创 SNIP论文学习

论文:An Analysis of Scale Invariance in Object Detection – SNIP论文链接:https://arxiv.org/abs/1711.08189代码链接:http://bit.ly/2yXVg4c   论文分析COCO数据集,认为目前目标检测算法的难点在于数据集中object的尺寸分布较大,尤其对于小目标的检测效果也有待提高,因此提出Sc...

2018-10-12 10:16:57 624 1

原创 FCN(Fully Convolutional Networks for Semantic Segmentation) 学习

  FCN:全卷积神经网络,在神经网络中只有conv层(pooling act) 将fc层的功能用conv层替代,更好地实现语义分割。    2016年发表在ieee上的大作。fc层被替代有诸多好处,最直接的就是参数减少。    输入AlexNet, 得到一个长为1000的输出向量, 表示输入图像属于每一类的概率, 其中在“tabby cat”这一类统计概率最高。FCN...

2018-09-19 15:30:05 568

原创 FPN(feature pyramid networks for object detection) 学习

  FPN 是清华大学学生linyi在FAIR时发表的,是目标检测领域值得一看的论文,这次学习做个记录。背景作者以这张图讲述了以往对feature map的处理: (a)图像金字塔,即将图像做成不同的scale,然后不同scale的图像生成对应的不同scale的特征。这种方法的缺点在于增加了时间成本。有些算法会在测试时候采用图像金字塔。(b)像SPP net,Fast RC...

2018-09-18 22:33:47 639

转载 目标检测SSD+Tensorflow 转数据为tfrecord

转载:https://blog.csdn.net/weixin_39881922/article/details/80569803  用tensorflow做深度学习的目标检测真是艰难困苦啊!  1.代码地址:https://github.com/balancap/SSD-Tensorflow,下载该代码到本地2.解压ssd_300_vgg.ckpt.zip 到checkpoint...

2018-09-17 22:36:27 1471

原创 faster rcnn 学习笔记

论文:《Faster R-CNN: Towards Real-Time ObjectDetection with Region Proposal Networks》     作者 何凯明 rbg大神都做过简单的介绍,现在说说 Shaoqing Ren中国科学技术大学(phd) 改进  针对fast rcnn 计算的瓶颈,用选择性搜索算法生成RP是在cpu上进行的,每张图片生成R...

2018-09-17 14:06:06 238

原创 R-FCN理解

RFCN的贡献提出Position-sensitive score maps来解决目标检测的位置敏感性问题; 区域为基础的,全卷积网络的二阶段目标检测框架; 比Faster-RCNN快2.5-20倍(在K40GPU上面使用ResNet-101网络可以达到 0.17 sec/image faster-rcnn的问题      base network用于做特征的提取,生成对应的f...

2018-09-17 12:28:06 723

原创 jupyter 使用

安装Python3切换 Python | IPython/Jupyter搭建佳交互环境即可; 利用jupyter的cell是可以运行python文件的,即在cell中运行如下代码:file.py; file.py为要运行的python程序,结果会显示在该cell中 。 Jupyter的各种快捷键:(分为两种模式:命令模式esc和编辑模式(enter))和vim...

2018-09-11 17:48:19 460

原创 tensorflow died kernel

   在使用tensorflow的过程中有时候会遇到死核的问题:即是当import tensorflow 的时候会自动死核。   我在网上没有找到确切的问题,最好的办法,就是利用anaconda 新建一个虚拟环境,从新安装tensorflow-gpu。  比较详细的安装opencv的地址:https://yq.aliyun.com/articles/362290   同时,我由于需要从...

2018-09-11 17:39:22 2506

转载 卷积神经网络(leNet-ResNet)

  这篇关卷积神经网络的介绍很详细,包含今年来各大著名的cnn以及其发展,很受用。博客来源:https://blog.csdn.net/loveliuzz/article/details/79080194一、CNN卷积神经网络的经典网络综述下面图片参照博客:http://blog.csdn.net/cyh_24/article/details/51440344二、LeNet...

2018-08-20 16:00:45 990

原创 pytorch win10 安装 含辛茹苦教程

小编一直在搭建pytorch(gpu) 深度学习的开发环境,在对目标检测的学习上能够更上一层楼。已经安装好tensorflow和pytroch,tensorflow的安装较快,没啥需要进行说明,网上大把的教程可供参考。关于win10下 cuda和cudnn的安装方式这里不做说明,网上安装案例很多,可供参考。pytorch 安装为何如此艰难    按照网上大把教程所说,参考pytorch官网...

2018-08-07 15:37:28 810

原创 SPPnet 详解

RCNN系列:RCNN,SPPNet,Fast RCNN,Faster RCNN,R-FCN。   前不久刚刚看完rcnn和fast rcnn,对目标检测的学习更进一步。sppNet简介:作者: 何凯明   2016年加入成为FAIR(facebook 微软研究员),2011年获得博士学位,主要兴趣和研究在计算机视觉和深度学习。获得cpvr和iccv多个奖项。 SP...

2018-08-06 22:24:11 2003

转载 SPP与fast rcnn(FRCN) 已经rcnn 比较 详细介绍FRCN

小编在做深度学习方面的研究,目标检测时最近一直关注的,最近刚刚学习了fast rcnn,遇见一篇很好的详解fcnn的博客和一个结束三者关系的pdf,做个记录,方便回顾。解决的问题:之所以提出Fast R-CNN,主要是因为R-CNN存在以下几个问题:1、训练分多步。通过上一篇博文我们知道R-CNN的训练先要fine tuning一个预训练的网络,然后针对每个类别都训练一个SVM分类器,最后...

2018-08-04 22:21:44 2572

转载 Windows10+Anaconda+TensorFlow(CPU & GPU)环境快速搭建

小编最近在做深度学习中目标检测的相关研究,一直在看论文,正准备配置GPU的相关事务,最近看到一篇blog,收获颇多。 anaconda真是一个好东西 原文地址:https://blog.csdn.net/qq_30611601/article/details/79067982说明电脑配置:Acer笔记本 CPU Inter Core i5-6200U GPU NVIDIA ...

2018-07-25 14:08:18 440

空空如也

空空如也

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

TA关注的人

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