caffe

PyInstaller “ValueError: too many values to unpack”

喜夏-厌秋 提交于 2021-02-18 10:28:25
问题 Pyinstaller version 3.2 OS: win10 My python script work well in Winpython Python Interpreters. But when I using Pyinstaller packages a python script include caffe module, I will face the problem: “You may load I/O plugins with the skimage.io.use_plugin” I follow the answer above to fix my spec file(hook file??). And I have been getting following error: (ValueError: too many values to unpack) Traceback (most recent call last): File "d:\python\winpython-64bit-2.7.10.3\python-2.7.10.amd64\lib

人脸识别(基于Caffe)

Deadly 提交于 2021-02-17 19:31:55
人脸识别(基于Caffe, 来自tyd) 人脸识别(判断是否为人脸) LMDB(数据库, 为Caffe支持的 分类 数据源) mkdir face_detect cd face_detect mkdir train val mkdir train/{0,1} mkdir val/{0,1} 将人脸数据放到 train/1 和 val/1 下 将非人脸数据放到 val/0 和 val/0 下 vim train.txt 0/xxx.jpg 0 1/xxx.jpg 1 vim val.txt 1/xxx.jpg 1 0/xxx.jpg 0 拷贝Caffe自带的脚本根据上面的train.txt和val.txt制作LMDB数据源, 名为 face_detect_lmdb.sh # 修改部分 EXAMPLE=/home/jh/face_detect DATA=/home/jh/face_detect TOOLS=caffe安装目录/build/tools TRAIN_DATA_ROOT=/home/jh/face_detect/train/ VAL_DATA_ROOT=/home/jh/face_detect/val/ # 对输入的数据进行大小的调整, 大小的调整是要根据我们要使用的网络模型, 比如AlexNet或者VGG(速度慢)为227x227 RESIZE=true if

Caffe的solver参数介绍

…衆ロ難τιáo~ 提交于 2021-02-16 18:50:45
版权声明:转载请注明出处,谢谢! https://blog.csdn.net/Quincuntial/article/details/59109447 1. Parameters solver.prototxt 文件是用来告诉caffe如何训练网络的。 solver.prototxt 的各个参数的解释如下: base_lr 这个参数是用来表示网络的初始学习率的。这个值是一个浮点型实数。 lr_policy 这个参数是用来表示学习率随着时间是如何变化的。值是字符串,需要加 "" 。学习率变化的可选参数有: “step”——需要设置 stepsize 。根据 gamma 参数和 stepsize 参数来降低学习率, base_lr * gamma ^ (floor(iter / stepsize)) 。 iter 是当前迭代次数。学习率每迭代 stepsize 次变化一次。 “multistep”——与 step 类似,需要设置 stepvalue ,学习率根据 stepvalue 进行变化。 “fixed”——学习率 base_lr 保持不变。 “inv”——学习率变化公式为 base_lr * (1 + gamma * iter) ^ (- power) “exp”——学习率变化公式为 base_lr * gamma ^ iter} “poly”——学习率以多项式形式衰减

Detectron:Pytorch-Caffe2-Detectron的一些跟进

牧云@^-^@ 提交于 2021-02-15 02:26:52
pytorch官网: http://pytorch.org/ 上只有PyTroch的ubuntu和Mac版本,赤裸裸地歧视了一把Windows低端用户。 1. Caffe源码: Caffe源码理解之存 储 Caffe2存储 Caffe2中的存储结构层次从上到下依次是Workspace, Blob, Tensor。Workspace存储了运行时所有的Blob和实例化的Net。Blob可以视为对任意类型的一个封装的类,比如封装Tensor, float, string等等。Tensor就是一个多维数组,这个Tensor就类似于Caffe1中的Blob。Caffe2中真正涉及到分配存储空间的调用则在Context中,分为CPUContext和CUDAContext。下面按照从下到上的顺序分析一下Caffe2的存储分配过程。 Context Tensor Blob Workspace 总结 总结 下面是Operator中从创建Blob到实际分配空间的流程,这个图是怎么画出来的呢 : 2.Caffe2 Detectron的使用 初步 关于InferImage: 在 NVIDIA Tesla P100 GPU 上,单张图片的推断时间大概是 130-140ms.当然这与输入图像的参数设置size有关。 2. Detectron 训练 简单介绍在 COCO Dataset 上训练模型. 采用

caffe solver 配置详解

こ雲淡風輕ζ 提交于 2021-02-14 02:30:08
caffe solver通过协调网络前向推理和反向梯度传播来进行模型优化,并通过权重参数更新来改善网络损失求解最优算法,而solver学习的任务被划分为:监督优化和参数更新,生成损失并计算梯度。caffe solver是caffe中的核心,它定义着整个模型如何运转,不管是命令行方式还是pycaffe接口方式进行网络训练或测试,都是需要一个solver配置文件的,而solver的配置参数总共有42个,罗列如下: net weight_decay net_param regularization_type train_net stepsize test_net stepvalue train_net_param clip_gradients test_net_param snapshot train_state snapshot_prefix test_state snapshot_diff test_iter snapshot_format test_interval solver_mode test_compute_loss device_id test_initialization random_seed base_lr type display delta average_loss momentum2 max_iter rms_decay iter_size debug

caffe详解之损失函数

雨燕双飞 提交于 2021-02-13 23:46:17
从零开始,一步一步学习caffe的使用,期间贯穿深度学习和调参的相关知识! Caffe中的损失函数解析 导言 在有监督的机器学习中,需要有标签数据,与此同时,也需要有对应的损失函数( Loss Function )。 在 Caffe 中,目前已经实现了一些损失函数,包括最常见的 L2 损失函数,对比损失函数,信息增益损失函数等等。在这里做一个笔记,归纳总结 Caffe 中用到的不同的损失函数,以及分析它们各自适合的使用场景。 欧式距离损失函数(Euclidean Loss) 对比损失函数(Contrastive loss) 铰链损失函数(Hinge Loss) 信息增益损失函数(InformationGain Loss) 多项式逻辑损失函数(Multinomial Logistic Loss) Sigmoid 交叉熵损失函数(Sigmoid Cross Entropy Loss) Softmax+损失函数(Softmax With Loss) 总结 欧式距离损失函数:一般适用于回归问题,特别是回归的值是实数的时候。 对比损失函数:用来训练 siamese 网络时候。 Hinge loss :在一对多的分类中应用,类似于 SVM 。 多项式逻辑损失函数:一般在一对多的分类任务中应用,直接把预测的概率分布作为输入。 sigmoid 交叉熵损失函数:预测目标概率分布。 softmax

自己动手写一个印钞机 第三章

那年仲夏 提交于 2021-02-13 16:39:51
作者:阿布🐶 未经本人允许禁止转载 ipython notebook git版本 目录章节地址: 自己动手写一个印钞机 第一章 自己动手写一个印钞机 第二章 自己动手写一个印钞机 第三章 自己动手写一个印钞机 第四章 自己动手写一个印钞机 第五章 自己动手写一个印钞机 第六章 自己动手写一个印钞机 第七章 简书目录章节地址: 自己动手写一个印钞机 第一章 自己动手写一个印钞机 第二章 自己动手写一个印钞机 第三章 自己动手写一个印钞机 第四章 自己动手写一个印钞机 第五章 自己动手写一个印钞机 第六章 自己动手写一个印钞机 第七章 自己动手写一个印钞机 附录章 股票量化专题地址,请关注,谢谢! 非均衡胜负收益带来的必然非均衡胜负比例,目标由因子的能力解决一部分,模式识别提升关键的一部分 上一章使用机器学习的方法,想要提取特征,指导交易,提高胜率,但是发现,除了最后那种把交易结果分成100份的方式外,其它机器学习方法基本都是瞎猜,是不是使用深度学习就能解决问题呢?本章主要通过使用卷积神经网络模型alex_net, 与google_lenet对stock进行模式识别 加载缓存交易数据 # 从之前跑的结果hdf5中加载缓存 from MlFiterDegPd import MlFiterDegPdClass orders_pd_train_snap = ZCommonUtil.load

How to debug underlying C++ library from Python interface?

寵の児 提交于 2021-02-11 13:14:37
问题 I am using apollocaffe and Reinspect. Apollocaffe is in c++ library and Reinspect is in python. Reinspect called apis from apollocaffe. I like to debug those apis inside apollocaffe. From python code, I used python -m pdb train.py But I can't go inside api from apollocaffe. I do like cout << "test" << endl; in apollocaffe . But nothing is printed to console. How can I debug c++ code, at least if I can print, it will be great. 回答1: If you are interested to debug just the C++ part, you can just

How to debug underlying C++ library from Python interface?

半城伤御伤魂 提交于 2021-02-11 13:12:05
问题 I am using apollocaffe and Reinspect. Apollocaffe is in c++ library and Reinspect is in python. Reinspect called apis from apollocaffe. I like to debug those apis inside apollocaffe. From python code, I used python -m pdb train.py But I can't go inside api from apollocaffe. I do like cout << "test" << endl; in apollocaffe . But nothing is printed to console. How can I debug c++ code, at least if I can print, it will be great. 回答1: If you are interested to debug just the C++ part, you can just

How to debug underlying C++ library from Python interface?

巧了我就是萌 提交于 2021-02-11 13:05:34
问题 I am using apollocaffe and Reinspect. Apollocaffe is in c++ library and Reinspect is in python. Reinspect called apis from apollocaffe. I like to debug those apis inside apollocaffe. From python code, I used python -m pdb train.py But I can't go inside api from apollocaffe. I do like cout << "test" << endl; in apollocaffe . But nothing is printed to console. How can I debug c++ code, at least if I can print, it will be great. 回答1: If you are interested to debug just the C++ part, you can just