自定义博客皮肤VIP专享

*博客头图:

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

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

博客底图:

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

栏目图:

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

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(28)
  • 资源 (2)
  • 收藏
  • 关注

原创 高级计量经济学与stata应用

百度网盘链接:http://pan.baidu.com/s/1jI66iUE密码:ynud

2018-12-14 10:17:34 11695 12

原创 2.1.3 Search in Rotated Sorted Array

#include <iostream>#include <vector>// 先找到顺序部分才能找到判断的部分,找到顺序部分分两种情况using namespace std;class Solution{public: int search(const vector<int>& nums, int target) { ...

2018-11-18 19:55:19 207

原创 leetcode 26

#include <iostream>#include <vector>#include <algorithm>using namespace std;class Solution1 {public: int removeDuplicates(vector<int>& nums) { if (nums.em...

2018-11-18 17:07:29 233

原创 SEnet --se module

这是SEnet 的特征融合部分,import tensorflow as tffrom tflearn.layers.conv import global_avg_poolclass SE_layer(): def __init__(self, x, training=True): self.training = training def Global_A...

2018-11-16 16:52:36 1494

原创 cuda编程实战

cuda编程实战参考文档:https://blog.csdn.net/shuzfan/article/category/7072956https://www.cnblogs.com/1024incn/p/4537010.htmlcuda第一个例子流程创建源文件以.cu命名用nvcc编译程序运行程序创建文件hello.cu#include <stdio.h>__...

2018-11-16 10:52:10 326

原创 cython使用说明

cython参考文献https://moonlet.gitbooks.io/cython-document-zh_cn/content/ch1-basic_tutorial.html1.简单例子cython接受所有合法的Python文件。你可以编写代码:print "Hello World"将代码保存在文件 helloworld.pyx 中。现在,我们需要创建 setup.py,它是...

2018-11-13 11:55:27 566

原创 cuda8 cuda9 cudnn 安装与卸载

cuda 安装与卸载cuda安装# 给执行权限chmod +x cuda_8.0.44_linux.run# 开始安装 sudo是必须的,不加可能不能正常安装sudo ./cuda_8.0.44_linux.run注意:显卡驱动不要再安转了examples可以不安转,这个是做验证的。好像有教程不让安装opengl ,可以参考一下。环境配置根据你使用的shell对应编辑...

2018-11-12 17:04:01 713

原创 BirdNet: a 3D Object Detection Framework from LiDAR information

BirdNet 论文解读核心思想:Detection Framework:第一步:将三维点云信息处理成2D的鸟瞰图。第二步:利用处理图像的卷积神经网络鸟瞰图,得到位置,朝向,类别等2D信息。第三步:进行3D Object Oriented Detection,对高度进行回归。网络框架:第一步:将3维点云信息投影成3-channel BEV map.第二步:利用faster-rcn...

2018-11-08 22:44:47 1761

原创 Pytorch Distributed 初始化

Pytorch Distributed 初始化方法参考文献https://pytorch.org/docs/master/distributed.html初始化torch.distributed.init_process_group(backend, init_method='env://', **kwargs)参数说明backend(str): 后端选择,包括 tcp mpi...

2018-11-06 11:15:16 5537

原创 pytorch 分布式训练

pytorch 分布式训练参考文献https://pytorch.org/tutorials/intermediate/dist_tuto.htmldemoimport osimport torchimport torch.distributed as distfrom torch.multiprocessing import Processdef run(rank, size)...

2018-11-06 10:08:52 1974

原创 pytorch 多gpu训练

pytorch 多gpu训练用nn.DataParallel重新包装一下device_ids=[0, 1, 2]model = model.cuda(device_ids[0])model = nn.DataParallel(model, device_ids=device_ids)optimizer = optim.SGD(midel.parameters(), lr=learning...

2018-11-05 10:59:24 287

原创 pytorch简单测试

pytorch demoimport torch.nn as nnimport torch.nn.functional as Ffrom torch.autograd import Variableimport torchimport torch.optim as optimclass Net(nn.Module):#需要继承这个类 def __init__(self): ...

2018-10-31 10:53:14 3064

原创 预处理

预处理预处理指令主要包括:文件包含,宏定义,条件编译,特殊控制。文件包含:#include 是 C 程序设计中最常用的预处理指令。例如,几乎每个需要输入输出的 C 程序,都要包含 #include<stdio.h> 指令,表示把 stdio.h 文件中的全部内容,替换该行指令。包含文件的格式有 #include 后面跟尖括号 <> 和双引号 “” 之分。两者的主...

2018-10-30 21:18:12 127

原创 源代码到可执行文件过程

用C语言写源代码,然后经过编译器、连接器到最终可执行程序的流程图大致如图所示。参考文献:http://c.biancheng.net/view/146.html

2018-10-30 14:03:25 450

原创 参数传递方法

1.easydict(字典传递参数)from easydict import EasyDict as edict__C = edict()cfg = __C__C.DATA_SETS_TYPE = 'kitti'__C.DATA_DIR = '/media/DataCenter/deeplearning/Kitti/object'# 使用from config import cfg...

2018-10-29 20:20:07 305

原创 Emacs:神的编辑器

Emacs 使用教程安装:https://www.jianshu.com/p/732157b02ecclinux: sudo apt-get install emacs启动:开启终端,输入emacs使用终端输入emacs后可以查看emacs教程了。具体内容像下面这样。Emacs 键盘命令通常包含control键和META键,为了避免每次都要写出全名,约定使用下诉缩写:C- : 表...

2018-10-28 11:01:39 459

原创 Fully Convolutional Networks for Semantic Segmentation

搞什么论文,跑跑代码就都懂了!https://github.com/overfitover/fcn_pytorch

2018-10-27 20:11:03 114

原创 pytorch loss总结与测试

pytorch loss参考文献:https://blog.csdn.net/zhangxb35/article/details/72464152?utm_source=itdadao&utm_medium=referralloss 测试import torchfrom torch.autograd import Variable'''参考文献: https://blog....

2018-10-25 23:18:19 637

原创 交叉熵(Cross Entropy loss)

交叉熵分类问题常用的损失函数为交叉熵(Cross Entropy Loss)。交叉熵描述了两个概率分布之间的距离,交叉熵越小说明两者之间越接近。原理这篇博客介绍的简单清晰:https://blog.csdn.net/xg123321123/article/details/52864830总结: 熵是信息量的期望值,它是一个随机变量的确定性的度量。熵越大,变量的取值越不确定;反之,熵越小...

2018-10-25 22:20:54 2374

原创 hard example mining(困难样本挖掘)

Hard example mining核心思想:用分类器对样本进行分类,把其中错误分类的样本(hard negative)放入负样本集合再继续训练分类器。why hard negative?FP: false positive, 错误的将其分类成正例。我的理解是label 相对特征明显一些,如果把label分成负例说明这个分类器模型不够好。主要的问题还是庞大的negative里面有些令分类...

2018-10-24 20:23:38 12015 1

原创 Docker

Docker参考文献:https://yeasy.gitbooks.io/docker_practice/basic_concept/image.htmldocker 基本概念镜像Image我们都知道,操作系统分为内核和用户空间。对于 Linux 而言,内核启动后,会挂载 root 文件系统为其提供用户空间支持。而 Docker 镜像(Image),就相当于是一个 root 文件系统。...

2018-10-24 09:20:54 155

原创 cmake使用教程

cmake 教程cmake 与makemake是一个工具,它控制可执行程序和程序源文件中非源码文件的生成。“make” 工具需要清楚地知道如何构建程序。通过"makefile"文件知晓如何构建你的程序。这个文件列出了所有非源码文件以及如何由别的文件来计算它。当你编写一个程序时,你应该为它写一个makefile文件,这样才有可能通过make来构建你的程序。简而言之,就是自动化项目编链过程,及控制...

2018-10-23 08:59:19 212

原创 CFENet: An Accurate and Efficient Single-Shot Object Detector for Autonomous Driving

caffe网络代码:https://github.com/chuanqi305/MobileNet-SSD/blob/master/train.prototxtcaffe查看网路:http://ethereon.github.io/netscope/#/editortensorflow 实现:https://github.com/balancap/SSD-Tensorflow论文:h...

2018-10-20 21:57:17 960 3

原创 tf.where

tf.whereimport tensorflow as tftemp = tf.reshape(tf.range(0, 16) + tf.constant(1, shape=[16]), [4, 1, 2, 2])category_index = tf.where(tf.greater(temp, 6))with tf.Session() as sess: a = sess....

2018-10-18 22:23:21 200

原创 nms

NMS 非极大值抑制import tensorflow as tfimport numpy as nprects=np.asarray([[1,2,3,4],[1,3,3,4], [1,3,4,4],[1,1,4,4],[1,1,3,4]],dtype=np.float32)scores=np.asarray([0.4,0.5,0.72,0.9,0.45], dtype=np.float...

2018-10-18 16:29:36 551

原创 线性函数预测

线性函数预测import tensorflow as tfimport numpy as npimport matplotlib.pyplot as pltx_data = np.random.rand(100).astype(np.float32)y_data = x_data*0.1 + 0.3Weights = tf.Variable(tf.random_uniform([1]...

2018-10-18 16:17:29 310

原创 huber loss

huber losshuber loss 是一种优化平方loss的一种方式,使得loss变化没有那么大。import numpy as npimport matplotlib.pyplot as pltimport tensorflow as tfdef huber_loss(x, d): x = np.abs(x) return ( x<=d ) * x**2...

2018-10-13 21:09:44 1395

原创 avod论文理解与代码解读

AVOD 论文理解与代码解读论文简析概述网络结构BEV map特征提取rpn 网络特征融合第二阶段检测网络box 编码方向确定代码解读mini batch的产生与作用rpn modelavod modelloss论文简析参考文章:csdn代码:代码文献:论文概述这篇论文的特点是多数据融合。自动驾驶领域对安全性的要求更加严格,这对检测的准确性要求很高。多数据的融合提供了更多的信息,...

2018-10-09 16:03:00 4217 1

GPU高性能编程CUDA实战

gpu高性能编程cuda实战,cuda编程的资源,非要我写50个字,好麻烦。

2018-11-16

MSP430单片机原理图

MSP430单片机原理图,可以自己看看。

2015-07-20

空空如也

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

TA关注的人

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