
AI
文章平均质量分 66
放牛娃不吃草
这个作者很懒,什么都没留下…
展开
-
No module named ‘index‘ after install pyflann
如题,墙内没有I have some problems installingpyflannin python 3.7.3, after execute:pip install pyflannThe installation is successfully accomplished, but when I import the library and a run a python program, I got this error:Traceback (most recent cal..原创 2020-12-01 15:00:35 · 583 阅读 · 0 评论 -
Pytorch转Caffe最简单方法
由于需要移植模型到比特大陆,华为昇腾这些平台。他们基本都支持caffe的模型,对其他模型支持不太好。用其他方法pytorch转caffe不然就是绕道太多,不然就是很多坑。这里记录一个最简单的方法:import torchimport torchvisionfrom pytorch2caffe import pytorch2caffedef SaveDemo(): from torchvision.models import resnet name = 'resnet1...原创 2020-09-25 14:04:35 · 3590 阅读 · 2 评论 -
GEMM实现抽丝剥茧,带你理解转置卷积(反卷积)(转)
https://blog.csdn.net/tsyccnh/article/details/87357447/转载 2020-06-05 15:06:13 · 542 阅读 · 0 评论 -
CenterFace 核心点笔记
同步位置:https://github.com/leoluopy/paper_discussing/blob/master/body/CenterFace/CenFace.md原创 2020-05-18 17:13:48 · 737 阅读 · 0 评论 -
PSENet核心点笔记
looking for papers forPSEcontributer :leoluopy欢迎提issue.欢迎watch ,star. 微信号:leoluopy,如有疑问,欢迎交流,得文时浅,或有纰漏,请不吝指教。 Overview在字符检测领域,传统的矩形框方法难以检测到不规则形状的文字,但在自然环境中这种情况广泛存在,因此基于分割的字符检测方法应...原创 2020-04-09 17:25:19 · 865 阅读 · 0 评论 -
CUDA10,Torch安装解决NOTFOUND CUDA_cublas_device_LIBRARY,Ubuntu16.04安装torch遇到的错误
在最后一步./install.sh时遇到错误:CMake Error: The following variables are used in this project, but they are set to NOTFOUND.Please set them or make sure they are set and tested correctly in the CMake fil...转载 2020-01-15 17:08:30 · 3163 阅读 · 1 评论 -
ubuntu NCNN Vulkan cuda 测试环境搭建,转载一篇简洁的搭建方法
1.下载安装vulkan sdk#ubuntu16 vulkan版本1.126wget -qO - http://packages.lunarg.com/lunarg-signing-key-pub.asc | sudo apt-key add -sudo wget -qO /etc/apt/sources.list.d/lunarg-vulkan-1.1.126-xenial.list...转载 2020-01-07 14:06:25 · 1895 阅读 · 0 评论 -
LFFD 核心点笔记
同步发表位置:https://github.com/leoluopy/paper_discussing/blob/master/body/LFFD/LFFD.mdlooking for papers forLFFDcontributer :leoluopy欢迎提issue.欢迎watch ,star. 微信号:leoluopy,如有疑问,欢迎交流,得文时浅,或有纰漏,请不吝指教。...原创 2019-12-25 16:28:17 · 1242 阅读 · 0 评论 -
图像分类训练技巧包
原文链接:https://blog.csdn.net/weixin_41639441/article/details/90404040文章目录摘要结论论文概要BaseLine训练过程tricks结构Efficient Training 高效训练Large-batch training 大批量训练Linear scaling learning rate 等比例增大学习率Le...转载 2019-11-29 10:59:55 · 518 阅读 · 0 评论 -
S3fd 核心点笔记
S3fd 核心点笔记博主Git原始笔记地址:https://github.com/leoluopy/paper_discussing/blob/master/body/S3fd/S3fd.mdlooking for papers forS3fdcontributer :leoluopy欢迎提issue.欢迎watch ,star. 微信号:leoluopy,如有疑问,...原创 2019-11-28 19:40:30 · 518 阅读 · 0 评论 -
HopeNet 核心点解析
HopeNet 核心点解析looking for papers forHopeNetcontributer :leoluopy欢迎提issue.欢迎watch ,star. 微信号:leoluopy,如有疑问,欢迎交流,得文时浅,或有纰漏,请不吝指教。Overview 在这之前人脸姿态的估计基于已经检测好的人脸关键点,或者结合深度信息来估计人脸姿态;这样带来的缺点是或...原创 2019-10-15 19:20:59 · 5440 阅读 · 3 评论 -
YOLO V3 论文阅读总结和讨论
YOLO V3 论文阅读总结和讨论YOLO V1: https://github.com/leoluopy/paper_discussing/blob/master/yolo/yolo1/yolo1_discussing.mdYOLO V2:https://github.com/leoluopy/paper_discussing/blob/master/yolo/yolo2/yolo...原创 2018-11-19 11:40:38 · 1819 阅读 · 0 评论 -
YOLO V2 论文阅读总结和讨论
YOLO V2 论文阅读总结和讨论look for papers for yolo2 contributer : leoluopygithub地址:https://github.com/leoluopy/paper_discussing/blob/master/yolo/yolo2/yolo2_discussing.mdYOLO V1: https://github.com/le...原创 2018-11-19 11:37:33 · 474 阅读 · 0 评论 -
YOLO V1 论文阅读总结和讨论
YOLO V1 论文阅读总结和讨论look for papers for yolo1 contributer : leoluopygithub地址: https://github.com/leoluopy/paper_discussing/blob/master/yolo/yolo1/yolo1_discussing.mdYOLOV1: https://github.com/le...原创 2018-11-19 11:35:15 · 651 阅读 · 0 评论 -
问题解决 ValueError: SSD Inception V2 feature extractor(墙内找不到)
如题:config中加如下:(加override那行)feature_extractor { type: "ssd_inception_v2" depth_multiplier: 1.0 min_depth: 16 conv_hyperparams { regularizer { l2_regularizer { weight: 3....原创 2018-11-07 11:00:27 · 1775 阅读 · 1 评论 -
Keras模型保存笔记
整理自Keras官方文档https://keras-cn.readthedocs.io/en/latest/for_beginners/FAQ/#save_modelhttps://keras-cn.readthedocs.io/en/latest/other/callbacks/1.Keras保存训练好的模型1) 使用model.save(filepath)将Keras模型...转载 2018-10-31 08:35:53 · 530 阅读 · 0 评论 -
tensorflow检测及分割任务笔记
参考引用:https://blog.csdn.net/csdn_6105/article/details/82933628准备相关环境。如tensorflow环境和object detection相关环境,可以参考上面的文章tensorflow models 仓库位置:在github上搜 tensorflow models准备下载数据(可以使用下面的仓库,根据readme来调整和...原创 2018-10-21 10:06:40 · 2887 阅读 · 0 评论 -
ubuntu的labelimg安装笔记(python2和python3记录)
这里仅记载下labelImg的安装过程,因为有坑。我的安装方式是从源码编译,环境ubuntu16.04,一开始是使用python2安装,从github上下载好源码,然后执行安装命令sudo apt-get install pyqt4-dev-toolssudo pip install lxmlmake qt4py2python labelImg.pymake qt4py2...转载 2018-10-16 08:44:21 · 1579 阅读 · 0 评论 -
tensorflow tfdbg 调试手段来自墙外
TensorFlow 调试程序tfdbg 是 TensorFlow 的专用调试程序。借助该调试程序,您可以在训练和推理期间查看运行中 TensorFlow 图的内部结构和状态,由于 TensorFlow 的计算图模式,使用通用调试程序(如 Python 的 pdb)很难完成调试。本指南重点介绍 tfdbg 的命令行界面 (CLI)。有关如何使用 tfdbg 的图形用户界面 (GUI)...转载 2018-09-14 23:52:51 · 1994 阅读 · 0 评论 -
LSTM简单讲解
实例: https://blog.csdn.net/mylove0414/article/details/55805974经常接触LSTM,GRU,RNN这些模型,对于LSTM的印象只是知道它用来解决梯度消失梯度爆炸问题,对于长距离的句子的学习效果不好的问题,而且大概知道里面是加了一些参数,加了门单元来选择忘记和记住一些信息。但是具体公式没有推过,所以理解的不够深。但是上面这篇长博文,作者...转载 2018-09-10 16:58:07 · 7269 阅读 · 2 评论 -
神经网络图像各系列检测网络总结
目录 相关背景 从传统方法到R-CNN 从R-CNN到SPP Fast R-CNN Faster R-CNN YOLO SSD 总结 参考文献 推荐链接 相关背景 14年以来的目标检测方法(以R-CNN框架为基础或对其改进) 各方法性能对比 分类...转载 2018-08-07 14:49:52 · 2765 阅读 · 0 评论 -
优化方法总结:SGD,Momentum,AdaGrad,RMSProp,Adam
原文链接:https://blog.csdn.net/u010089444/article/details/767258431. SGDBatch Gradient Descent在每一轮的训练过程中,Batch Gradient Descent算法用整个训练集的数据计算cost fuction的梯度,并用该梯度对模型参数进行更新: Θ=Θ−α⋅▿ΘJ(Θ)Θ=Θ−α⋅▽ΘJ(...转载 2018-08-06 17:03:32 · 1489 阅读 · 0 评论 -
神经网络时间复杂度和空间复杂度(参数量计算和计算量计算)
在梳理CNN经典模型的过程中,我理解到其实经典模型演进中的很多创新点都与改善模型计算复杂度紧密相关,因此今天就让我们对卷积神经网络的复杂度分析简单总结一下下。本文主要关注的是针对模型本身的复杂度分析(其实并不是很复杂啦~)。如果想要进一步评估模型在计算平台上的理论计算性能,则需要了解 Roofline Model 的相关理论,欢迎阅读本文的进阶版: Roofline Model与深度学习...转载 2018-08-10 12:26:53 · 46258 阅读 · 13 评论 -
ubuntu14.04(16.04)简单安装caffe方法CPU版本
依赖及下载caffe仓库:sudo apt-get install libprotobuf-dev libleveldb-dev libsnappy-dev libopencv-dev libhdf5-serial-dev protobuf-compilersudo apt-get install --no-install-recommends libboost-all-devsudo ...原创 2018-08-05 19:31:04 · 612 阅读 · 0 评论 -
YOLO darknet迁移训练笔记
根据之前博客的内容自行收集训练数据集已经成功收集了一波标注好的数据,现在尝试利用自己的数据对yolo v2模型进行训练。1.处理数据由于自己的数据是pascal格式的,需要转换为darknet需要的格式,不必惊慌,官方给出了脚本,自己只需稍作修改(因为pascal格式运用较广,一般的模型框架及时不能使用pascal,也会给出pascal的转换脚本) 利用以下脚本生成train.txt...转载 2018-11-23 09:48:59 · 3572 阅读 · 0 评论 -
ALPR-License Plate Detection and Recognition in Unconstrained Scenarios阅读笔记
(1)简介论文下载地址:License Plate Detection and Recognition in Unconstrained Scenarios [pdf] github 的项目地址:alpr-unconstrained工程主页:alpr-datasets视频效果: Demi Lovato Rock in Riio Lisboa 2018本文选自ECCV2018...转载 2018-12-18 16:26:15 · 2456 阅读 · 2 评论 -
ECCV2018 非限制场景(大倾角,小比例)车牌识别论文解读
look for papers for alpr contributer : leoluopy欢迎提issue. 欢迎watch ,star,实时讨论前沿分享 欢迎加入分享:联系微信:leoluopy个人微信欢迎交流: github:https://github.com/leoluopy/paper_discussing/blob/master/ALPR/alpr.mdOverv...原创 2018-12-24 13:51:31 · 2798 阅读 · 0 评论 -
Hadoop 安装及环境配置整理修改
一、Hadoop简介: Hadoop是由Apache基金会所开发的分布式系统基础架构,实现了一个分布式文件系统(Hadoop Distributed File System),简称HDFS;Hadoop框架最核心设计就是HDFS和MapReduce,HDFS为海量数据提供了存储,MapReduce为海量数据提供了计算。 Hadoop要解决的问题:海量数据的存储(HDFS)、海量数据的分析(Ma...转载 2018-03-30 15:07:04 · 1592 阅读 · 0 评论 -
LightCNN核心点解析
GitHub还有其他相关笔记:https://github.com/leoluopy/paper_discussing/blob/master/body/LightCNN/lightCNN.mdlooking for papers forLight-CNNcontributer :leoluopy欢迎提issue.欢迎watch ,star. 微信号:leoluopy,如有疑问...原创 2019-09-25 19:08:52 · 3073 阅读 · 0 评论 -
MVF-Net 核心点解析
GitHub地址:https://github.com/leoluopy/paper_discussing/blob/master/body/MVF-Net/mvfNet.mdlooking for papers forMVF-Netcontributer :leoluopy欢迎提issue.欢迎watch ,star. 微信号:leoluopy,如有疑问,欢迎交流,得文时...原创 2019-08-25 00:46:40 · 1543 阅读 · 0 评论 -
EfficentNet核心点解析
looking for papers forEfficent Netcontributer :leoluopy欢迎提issue.欢迎watch ,star. 微信号:leoluopy,如有疑问,欢迎交流,得文时浅,或有纰漏,请不吝指教。 图片大了上不了,查看原文地址github:https://github.com/leoluopy/paper_discussing/blo...原创 2019-07-21 19:40:52 · 1704 阅读 · 0 评论 -
人脸3D重建ECCV2018PRNet论文解读
人脸3D重建ECCV2018PRNet论文解读github地址:https://github.com/leoluopy/paper_discussing/blob/master/body/PRNet/PRNet.mdOverview端到端的人脸3D重建模型,同时直接预测人脸的【实际上就是UV空间预测并直接解码,UV空间后面叙述】以前的模型或者需要首先回归3DMM参数来计算...原创 2019-05-06 14:21:55 · 5632 阅读 · 5 评论 -
2019图像AI模型训练技巧九阳神功-BoF论文解读
2019图像AI模型训练技巧九阳神功-BoF论文解读looking for papers forBag of Freebies for Training Object Detection Neural Networkscontributer :leoluopy欢迎提issue.欢迎watch ,star. 微信号:leoluopy 关注AI前沿技术及商业落地,欢迎交流更多...原创 2019-05-02 21:17:16 · 499 阅读 · 1 评论 -
图像修复(拖影、失焦、雨雾、模糊)deblurGAN 论文解读
图像修复(拖影、失焦、雨雾、模糊)deblurGAN 论文解读look forpapers for deblurGANcontributer :leoluopy欢迎提issue.欢迎watch ,star. 微信号:leoluopy 关注AI前沿技术及商业落地,欢迎交流更多图像AI笔记分享:https://github.com/leoluopy/paper_discuss...原创 2019-05-02 21:09:23 · 9084 阅读 · 0 评论 -
写的比较清楚的相机标定文章
传送门:https://blog.csdn.net/honyniu/article/details/51004397转载 2019-01-21 17:23:59 · 366 阅读 · 0 评论 -
问题解决FileNotFoundError: [Errno 2] No such file or directory: '/tmp/_MEImHg8uh/django/contrib/auth/pas
django 在 pyinstaller 安装时很多问题。如题是问题报错为:Unhandled exception in thread started by <function check_errors..wrapper at 0x7fd66513ef28>Traceback (most recent call last):File "django/utils/autor...原创 2019-01-19 13:51:50 · 7337 阅读 · 1 评论 -
网上讲的比较清晰的VOT跟踪评价指标EAO
EAO: 又叫非重置重叠期望.原文:https://blog.csdn.net/sinat_27318881/article/details/84350288看VOT竞赛报告时,经常会看到一个奇怪的现象,精度A和鲁棒性R的排名都靠前,而EAO,即期望平均覆盖率却不靠前,vice versa,这是怎么回事呢,这篇文章就来说说EAO的计算方法。1.期望覆盖率1.1 A和R看上图,今年的...转载 2019-05-06 10:46:45 · 7635 阅读 · 1 评论 -
2018深度学习文本检测与识别领域领先水平论文
2017-2018论文更新识别XiangBai——【PAMI2018】ASTER_An Attentional Scene Text Recognizer with Flexible RectificationZhanzhan Cheng——【CVPR2018】AON_Towards Arbitrarily-Oriented Text RecognitionZhanzhan Che...转载 2018-12-25 15:00:21 · 955 阅读 · 0 评论 -
ASTER: An Attentional Scene Text Recognizer with Flexible Rectification 论文配置
转自:https://blog.csdn.net/xuanbi8560/article/details/81905692这是今年新出的一个场景字符检测的算法,效果据说比之前的好很多。 先写步骤 稍后再补充论文的细节。 具体配置:系统要求: Ubuntu16.04 一定要在Tensorflow1.4 版本下配置,高版本的跑不起来,我之前用的1.8bux一...转载 2018-12-25 14:57:40 · 1049 阅读 · 1 评论 -
ctc loss解决问题:src/binding.cpp:6:29: fatal error: torch/extension.h: No such file or directory 墙内没有
编译安装pytorch的 ctc loss 使用仓库:https://github.com/SeanNaren/warp-ctc 会遇到问题:墙内没有解决方案:src/binding.cpp:6:29: fatal error: torch/extension.h: No such file or directorycompilation terminated. 解...原创 2018-12-30 15:42:12 · 7208 阅读 · 3 评论