- 博客(43)
- 收藏
- 关注
原创 【神经网络理论】泛化性
Understanding deep learning requires rethinking generalization (zhang. 2017)作者做了一个测试,用随机label标注数据,发现网络对训练集仍有效果,(网络具有强大的能力可以“记住”训练数据)梯度下降(SGD)具有隐性的正则化效果,原因未知浅层网络也能有强大的表达能力。模型本身已经足够去表达训练数据,即便没有正则化。...
2018-12-27 15:13:56
5330
原创 [Pytorch] 参数保存剖析
一般Pytorch会将训练好的模型保存至 xxx.pth 文件中 常用命令: torch.load() torch.save()详细解剖其内部: .pth 文件实质上是一个简单的字典文件module.features.0.weight module.features.0.biasmodule.features.1.weight module.features.1.bias...
2018-08-26 22:00:29
1140
原创 [Tensorflow] 参数保存剖析
在tf.global_variables() 里可以看到所有参数 print( tf.global_variables() ) print( sess.run(tf.global_variables() ) 显示其中的数值这里的名称 'Layer1' 是通过tf.variable_scope() 设置, weights是variable的name,[<tf.Variable ...
2018-08-26 21:59:45
592
原创 pycharm 启动导入 tensorflow 失败问题
遇到一个奇怪的问题: 环境: Ubuntu 16.04 tensorflow 1.9.0 tensorflow安装无误,并可以在命令行启动,但是在Pycharm中报错: ImportError: libcublas.so.9.0: cannot open shared objectfile: No such file在pycharm中尝试运行:import osos...
2018-07-14 14:47:48
2252
1
原创 Tensorflow编译相关
clang 编译器:clang是LLVM编译器工具集的一个用于编译C、C++、Objective-C的前端。LLVM项目的目标是提供一个GNU编译器套装(gcc)的替代品,由苹果公司的赞助开发,其源代码授权采用的是类BSD的伊利诺伊大学厄巴纳-香槟分校开源码许可。相比于gcc,clang 具有如下优势:编译速度更快:在某些平台上,clang 的编译速度要明显快于gcc。占用内存更小...
2018-07-12 21:50:19
522
转载 [Python] Running System Commands
For us , its better to subprocess.call() (or subprocess.run() in Python3.5) for more complex tasks, subprocess.Popen() could be a good choice.Module os:import osos.system(cammand) ...
2018-05-31 16:48:37
314
原创 Deformable Offset 梯度的推断
对Deformable中的 offset 求梯度不是很理解Deformable Offset x ⇒ conv(x) ⇒ x_coords ⇒ ( lt, lb, rt, rb ) ⇒ px*py*lt + px*(1-py)lb + (1-px)*py*rt + (1-px)(1-py)*rb ⇒ x对px的偏导数,求其gradient ∂((px−⌊px⌋)∗py∗l...
2018-05-14 17:40:47
438
原创 .gitignore Failed to ignore
Common method isgit rm -r --cached .git add .git commit -m ''but when uploading , big files are still carried by git . failed Solution : 1. delete or move your big files 2. rm git and re-...
2018-05-08 11:00:30
237
转载 论文SDP + RCNN | Exploit All the Layers: Fast and Accurate CNN Object Detector with SDP and CRC
Abstract本文提出了两种目标检测的措施,兼具精度与效率:1.scale-dependent pooling (精度)2. layer wise casaded rejection classifiers(效率)1 Introduction首先作者简要介绍了RCNN等方法,FRCNN的缺点: 1. Fast-RCNN由于是从pooling层bounding box所以不能准...
2018-05-04 21:47:26
952
转载 Git 中.gitignore 使用和.gitignore 无效的解决方法
.gitignore只能忽略那些原来没有被 track 的文件,如果某些文件已经被纳入了版本管理中,则修改 .gitignore 是无效的。 解决方法是先把本地缓存删除,然后再提交。git rm -r --cached .git add .git commit -m 'We really don't want Git to track this anymore!'.g...
2018-05-04 21:27:07
504
原创 目标检测最新进展(SSD,RCNN等最新发展)
【未完待续】【目录】SSD:RetinaNetFSSD (Feature Fusion Single Shot Multibox Detector)RFBNet (Receptive Field Block Net)R-FCNRRC SSDGitHub链接(Pytorch版):https://github.com/transcendentsky/ssd_py...
2018-05-04 21:12:11
2797
1
原创 【OpenCV】踩过的坑
cv2.imread() 读取后的图片文件的格式为 np.ndarray np.uint8 格式 所以处理图片后如果无法显示,需要转换格式 x.astype(np.unit8) (不是np.int 或 int)
2018-05-03 16:46:29
706
原创 关于Bias的问题 Should the convolution layers have biases?
You can access to [https://github.com/KaimingHe/deep-residual-networks/issues/10#issuecomment-194037195]在复现WRN网络时,发现Resnet部分没有使用bias观点: Biases are in the BN layers that follow. BN层的作用相当于bias, 因此...
2018-03-28 20:27:56
1014
原创 [tensorflow] 得出预测结果 tf.nn.in_top_k()
import tensorflow as tfimport numpy as nplogits = tf.placeholder(tf.float32, shape=(None,10))labels = tf.placeholder(tf.int32, shape=(None))top_k_op = tf.nn.in_top_k(logits, labels,1)a = np.arra...
2018-03-28 15:32:25
1718
原创 TensorFlow 读取数据的几种方法
TensorFlow 输入数据的方式# 从 filename_queue = tf.train.string_input_producer(filenames) 开始reader = tf.XXXRecoder()reader.read(filename_queue)tf.train.batch([example, label], batch_size=batch_size, ca...
2018-03-27 12:30:07
451
原创 优化器: Snapshots Ensembles 快照集成
优化器:快照集成 SNAPSHOT ENSEMBLES: TRAIN 1, GET M FOR FREE出发点:当网络训练时,可能会收敛到不同的最小点。其中有好的和坏的最小点(差一点的)。尽管一般我们都是为了寻找全局最优点,但是其他的坏的最小点也可能包含很多信息。而我们就可以利用其中的信息优化我们的模型做法:使用warm restart得到一个模型,其中再restart之前把模型存储好。进行多少次...
2018-03-13 16:20:22
1543
原创 [tensorflow]sparse_softmax_cross_entropy_with_logits 与 softmax_cross_entropy_with_logits的区别
原函数: tf.nn.sparse_softmax_cross'_entropy_with_logits(logits=net, labels=y) tf.nn.softmax_cross_entropy_with_logits(logits=net, labels=y2)sparse_softmax_cross_entropy_with_logits中 lables接受直接的数字标签 ...
2018-03-06 14:18:23
6242
1
原创 install opencv in docker
From tensorflow/tensorflow WORKDIR /notebooks RUN apt-get update && apt-get install -y \ pkg-config \ python-dev \ python-opencv \ libopencv-dev \ libav-tools \ libjpeg-dev \
2017-11-30 17:33:03
1644
原创 经典的几个卷积神经网络(基本网络)
AlexNet:( 2012 ILSVRC top 5 test error rate of 15.4%)第一个成功展现出卷积神经网络潜力的网络结构。关键点:通过大量的数据与长时间的训练得到最后的模型,结果十分显著(拿到2012分类第一)使用两块GPU,分两组进行卷积。自从Alexnet之后,卷积神经网络开始迅速发展VGGnet:(ILSVRC 2014 7.3% error rate)自A
2017-11-03 21:05:03
10676
原创 Python读取xml文件(xml.etree.ElementTree)
# code reading xml fileimport xml.etree.ElementTree as ETtree = ET.parse('./test.xml')root = tree.getroot()for ob in root.iter('object'): for name in ob.iter('name'): print('name ',name.
2017-10-25 18:46:37
2970
原创 Python如何使用 *arg 和 **kwargs
函数中这种特殊的定义*arg和*kwargs,是用来给函数传递不定个数的参数。*arg(只有一个*)用来传递list数组,而**kwargs(两个*)用来传递dict字典
2017-10-25 16:23:27
1884
原创 论文解读Face Detection using Deep Learning: An Improved Faster R-CNN Approach
无
2017-09-28 17:07:30
1360
原创 论文Joint Face Detection and Alignment using Multi-task Cascaded Convolutional Networks
无
2017-09-26 18:23:35
713
原创 windows下python3安装opencv
conda install -c https://conda.anaconda.org/menpo opencv3
2017-09-25 15:09:21
734
原创 论文解读Attribute-Enhanced Face Recognition with Neural Tensor Fusion Networks
无
2017-09-12 21:09:08
1689
原创 简单理解TensorFlow textlinereader的例子
import tensorflow as tfimport numpy as npdef main(): filename_queue = tf.train.string_input_producer(["test.txt", "test2.txt"], num_epochs=1) reader = tf.TextLineReader() key, value = r...
2017-09-10 00:19:03
5716
2
空空如也
空空如也
TA创建的收藏夹 TA关注的收藏夹
TA关注的人