自定义博客皮肤VIP专享

*博客头图:

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

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

博客底图:

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

栏目图:

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

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+

积沙成塔

计算机视觉与机器学习

  • 博客(110)
  • 资源 (9)
  • 收藏
  • 关注

原创 Check failed: error == cudaSuccess (48 vs. 0) no kernel image is available for execution

报错:CUDA版本为9.0,在Ubuntu 16.04上安装Caffe时报错:Check failed: error =s (48 vs. 0) no kernel image is available for execution  on device...原因:Makefile.config中关于 CUDA_ARCH的配置出现出错,没有根据提示设置(配置时,失误删除了与61相关...

2018-11-14 20:47:59 13111

原创 在Ubuntu16.04上安装Zotero

参考:https://askubuntu.com/questions/332109/how-to-install-zotero-in-ubuntu安装方式:终端安装安装代码:# Add a ppa so that the program gets updated regularly:$ sudo apt-add-repository ppa:smathot/cogscinl...

2018-11-14 16:22:52 4141

原创 Keras笔记——ModelCheckpoint

参考:https://machinelearningmastery.com/check-point-deep-learning-models-keras/https://keras.io/callbacks/http://keras-cn.readthedocs.io/en/latest/other/callbacks/语法keras.callbacks.ModelCheckpoint(filep...

2018-07-01 22:09:54 60902

原创 调用tensorboard

参考https://keras.io/callbacks/使用使用的深度学习框架Keras+TensorFlow,想调用tensorboard查看训练情况。1.在terminal里输入命令如果有安装TensorFlow,可以在终端输入如下命令启动tensorboardtensorboard --logdir=/full_path_to_your_logs其中full_p...

2018-06-30 21:37:10 2001

原创 Python遍历dictionary的keys

参考:http://www.runoob.com/python/att-dictionary-items.html语法dict.items()实现dic = {'a':1, 'b':2}for key ,value in dic.items(): print(key,',', value)输出结果:b , 2a , 1

2018-06-27 21:40:16 6302

原创 Numpy一维array转置

参考:https://www.cnblogs.com/cymwill/p/8358866.html分析Numpy相关的转置函数有T、transpose等。使一维数组转置可以使用reshape实现。实现例子import numpy as np a = np.array([1,2,3,4,5])print(a)print(a.T)print(a.transpose())prin...

2018-06-23 18:19:30 38272

原创 crop and resize image

目标参考:https://docs.opencv.org/3.0-beta/doc/py_tutorials/py_gui/py_image_display/py_image_display.html

2018-05-11 16:19:20 6164

翻译 Keras使用ImageNet上预训练的模型

mport kerasimport numpy as npfrom keras.applications import vgg16, inception_v3, resnet50, mobilenet #Load the VGG modelvgg_model = vgg16.VGG16(weights='imagenet') #Load the Inception_V3 model...

2018-05-10 21:57:32 12186

原创 用代码画出2d bounding box

一、画出2D bounding boxbounding box的格式为[xmin ymin xmax ymax], 其中xmin对应图像的行。(1)使用matlab代码rgbImage=imread('car.png');imshow(rgbImage)hold onrectangle('Position', [30, 30, 72, 42],... 'EdgeColor','r', 'L...

2018-05-08 09:42:16 2862

原创 Ubuntu下安装Jupyter notebook

安装使用pip命令安装$ pip3 install jupyter此时在终端直接输入jupyter notebook,则会提示“jupyter: command not found”。需要在终端输入$ ~/.local/bin/jupyter-notebook修改环境变量在~/.bashrc文件中将jupyter notebook的路径添加到环境变量PATH中,export PATH=~/.loc...

2018-05-07 17:10:04 5253

原创 Python虚拟环境工具Virtualenv的安装与使用

简介:Virtualenv可以为Python提供独立的运行环境,在一定程度上可解决解决依赖、版本以及间接权限等问题。安装:使用pip命令安装:$ [sudo] pip install virtualenv或使用$ [sudo] pip install https://github.com/pypa/virtualenv/tarball/master安装最新版本。使用创建虚拟环境$ virtuale...

2018-05-06 23:12:57 5804

原创 Python 3执行python2代码时遇到的部分问题

1.TypeError: 'range' object does not support item assignment报错语句:np.random.shuffle(keys)此处的keys是由range() 函数产生(在此没有贴出全部的代码)。在Python2中,range返回的是列表。而Python3 range() 函数返回的是一个可迭代对象(类型是对象),而不是列表类型。代码需要修改为:...

2018-05-06 17:57:59 1264

原创 Ubuntu 16.04 使用pip命令安装 tensorflow

参考:https://tensorflow.google.cn/install/install_linux目的基于python 3.5,采用pip的方式在Ubuntu 16.04 上安装tensorflow (当前版本为1.11)。环境要求:Ubuntu 16.04 或更高版本CUDA 9.0cuDNN v7.0   (注意:不要安装v7.1)主要步骤一、安装显...

2018-04-20 16:10:07 4987

原创 Ubuntu16.04使用apt get 命令安装 Nvidia 显卡驱动

参考:http://www.linuxandubuntu.com/home/how-to-install-latest-nvidia-drivers-in-linuxhttps://medium.com/@zhanwenchen/install-cuda-and-cudnn-for-tensorflow-gpu-on-ubuntu-79306e4ac04e目的:在Ubuntu 16...

2018-04-20 16:04:08 67632

原创 Ubuntu下实时查看Nvidia显卡显存占用情况

命令在终端输入:#watch -n 10 nvidia-smi其中,10表示每隔10秒刷新一次终端的显示结果。输出结果

2017-12-29 10:10:32 39344

原创 ubuntu boot not enough space

teamviewer  不能正常启用。boot目录只有200M,经常报错空间不够,需要清理主要步骤:(1)在终端执行sudo apt-get autoremove如果不成功,执行下步(2)查看是否有多个Linux kernel在终端输入:ls /boot | grep vmlinuz出现类似如下结果:vmlinuz-4.10.0-42-gener

2017-12-19 20:01:39 1712

原创 CUDA 9.0在Ubuntu上的安装

1.下载CUDA在以下网址下载9.0的deb文件(注意选取合适的平台):https://developer.nvidia.com/cuda-downloads(如果当前页面为9.0以上版本,可在必应上用“cuda 9.0 download ”作为关键词检索定位相关下载网页)2.终端安装deb文件在终端执行如下命令: sudo dpkg -i cuda-repo-u...

2017-10-17 09:38:56 22193

原创 Opencv3.3在Ubuntu上安装

Reference:http://docs.opencv.org/2.4/doc/tutorials/introduction/linux_install/linux_install.htmlhttp://docs.opencv.org/3.0-beta/doc/tutorials/introduction/linux_install/linux_install.html

2017-09-18 20:09:55 4419

原创 Ubuntu 14.04升级到16.04后无法进入系统

问题描述:用EasyBCD设置windows和Ubuntu的双系统。升级Ubuntu 14.04到16.04后无法正常进入Ubuntu,屏幕为黑,左上角有一个光标在不停跳动。处理:修改EasyBCD的引导设置主要步骤:1.在“编辑引导菜单”中删除关于Ubuntu的引导项2.添加新条目添加新条目->Linux/BSD,“类型”选为“GRUB2”,点击“添加条目”3.编

2017-09-12 09:53:24 2870

原创 Ubuntu下protoc升级

reference:https://www.zhihu.com/question/61173908目的:系统当前的protoc是2.5,想升级为3.4(在终端输入:protoc  --version可以查看版本)步骤:1.下载protoc并解压:https://github.com/google/protobuf/releases2.cd到的protoc的目录下

2017-09-10 15:59:20 18500 4

原创 tensorflow官网无法访问

reference:www.jianshu.com/p/3976adc80fc31.Ubuntu在文件/ect/hosts中新增一行:64.233.188.121 www.tensorflow.org2.Windows在C:\Windows\System32\drivers\etc目录下的hosts文件中添加一行(需修改文件权限):64.233.18

2017-09-10 15:41:26 783

原创 winedt 10 注册

参考链接:http://jingyan.baidu.com/article/d2b1d102913bbd5c7e37d4e4.htmlhttp://www.cnblogs.com/dmzhuo/p/6689521.html1. 依序点击菜单栏,options-->options interface2.在界面左侧的options interface树中展开advanc

2017-08-16 10:40:17 1088

原创 MXnet报错处理——input image size smaller than input shape

报错:terminate called after throwing an instance of 'dmlc::Error'  what():  [10:06:15] src/io/image_aug_default.cc:282: Check failed: static_cast(res.rows) >= param_.data_shape[1] && static_cast(res

2017-05-05 10:50:41 3583 1

转载 python保存和加载numpy数组

参考:http://old.sebug.net/paper/books/scipydoc/numpy_intro.htmla = np.arange(0,12,0.5).reshape(4,-1)np.savetxt("a.txt", a) # 缺省按照'%.18e'格式保存数据,以空格分隔np.loadtxt("a.txt")array([[ 0. , 0.5, 1. ,

2017-04-19 22:37:38 10715

原创 在Ubuntu上安装Python版MXNet

参考:http://mxnet.io/get_started/ubuntu_setup.html在此,预设已经装好了CUDA、Python和CUDNN等。1.下载安装gitsudo apt-get updatesudo apt-get -y install git2.下载MXNet到主目录git clone https://github.com/dmlc/mxnet

2017-01-14 23:10:02 2040

原创 libcudart.so.8.0: cannot open shared object file: No such file or directory

sudo ldconfig /usr/local/cuda/lib64Reference:https://github.com/NVIDIA/DIGITS/issues/8

2017-01-13 21:12:52 10103

原创 Ctrl+Alt+F1到F6黑屏

在ubuntu 14.04上安装CUDA时,想通过Ctrl+Alt+F1到控制台,得到的是黑屏。按Ctrl+Alt+F7可以返回到正常的图形界面。可能的原因:驱动未安装或驱动冲突解决:1.修改grub文件sudo gedit /etc/default/grub在打开的文件里找到找到变量GRUB_CMDLINE_LINUX_DEFAULT,并修改#GRUP_CMDLI

2017-01-13 17:10:48 3075

原创 MXNet转换caffe模型报错及解决

使用命令./run.sh vgg16转换caffe模型时出现报错。

2016-12-27 20:38:12 3034

原创 Ubuntu添加用户并赋sudo权限

1.添加用户sudo adduser username 2.添加sudo权限sudo usermod -G sudo weiliu

2016-10-17 12:31:44 41516

原创 TypeError: CudaNdarrayType only supports dtype float32 for now. Tried using dtype float64 for variab

在跑tensorflow版DL时出现如下报错:TypeError: CudaNdarrayType only supports dtype float32 for now. Tried using dtype float64 for variable None原因 Theano没有正确设置解决在文件~/.theanorc添加如下内容:[global]floatX =

2016-08-14 19:36:48 2324

原创 Ubuntu下Python3和Python2的共存

问题Ubuntu中已经安装了Python2.7,想安装Python3。使用Python3时能够保留2。解决建立软链接sudo ln -s /usr/bin/python /usr/bin/python3

2016-07-26 19:54:37 3177

原创 ubuntu报错:No such file or directory

报错:在matlab中用wget下载文件,有如下报错:/bin/bash: /usr/local/bin/wget: No such file or directory原因:wget在/usr/bin,在/usr/local/bin/文件夹下需找不到wget解决 sudo ln -s /usr/bin/wget /usr/local/bin/wget

2016-07-13 21:34:02 7939

原创 ubuntu下wget的安装

安装sudo apt-get updatesudo apt-get install wgetwget --version参考:http://www.ehow.com/how_8405563_install-wget-ubuntu.html

2016-07-13 11:42:53 38802

原创 C++故障排除-VS2010 error LNK2019: unresolved external symbol _WinMain@16 referenced in function ___tmai

报错:VS2010  error LNK2019: unresolved external symbol _WinMain@16 referenced in function ___tmainCRTStar参考:http://www.cnblogs.com/ziwuge/archive/2011/03/10/1979607.html我的解决:.进入project->sett

2015-09-13 23:40:20 5000

原创 阅读笔记——Naive-Deep Face Recognition: Touching the Limit of LFW Benchmark or Not?

利用简单模型在LFW上达到99.50%识别正确率。微博上看到有人推介这篇文章,先mark一下,以后好好阅读后再做详细笔记论文:Naive-Deep Face Recognition: Touching the Limit of LFW Benchmark or Not?

2015-01-26 21:05:51 3878

原创 deeplearning.net教程使用

在众多关于Deep Learning的教程中,deeplearning.net算是其中一个不错的学习网站。deeplearning.net的教程采用Python代码作为实例。读代码和运行代码是深入了解一个算法的必经之路。以下是关于Ubuntu下使用deeplearning.net的经验。1. 配置Pydev+Eclipse2.下载教程git clone git://github.com

2015-01-18 10:20:15 3935

原创 阅读笔记—Robust Image Sentiment Analysis using Progressively Trained and Domain Transferred Deep Network

由Jiebo Luo等人发表在AAAI 2015上关于图片情感分析的一篇文章,主要目的是将图片分为情感上正负两类。根据文章的标题中的关键词对此文章可以做如下介绍文章作者做的两件事:第一,在CNN的基础上,作者提出了一套PCNN的深度模型;第二,将Flickr上训练得到的PCNN模型做领域迁移(domain transfer)适应到Twitter上。

2015-01-17 16:27:12 2704

原创 Caffe+MATLAB2014a+ubuntu14.04

跑一个RCNN的代码需要配Caffe+MATLAB2014a,走了不少弯路,花了不少时间。在此做个笔记,以供分享。配置:Ubuntu 14.04 + MATLAB 2014a + CUDA 6.5 一、安装gcc 4.7Ubuntu14.04自带的gcc版本是4.8,MATLAB2014a支持的最高版本为4.7x。因此,需要安装gcc4.7,并给gcc降级在终端执行gcc 4.

2015-01-07 13:05:32 4831

原创 matlab并行错误

failed to start a parallel pool. (For information in addition to the causingerror, validate the profile 'local' in the Cluster Profile Manager.)Caused by:    Error using parallel.internal.pool

2015-01-05 21:59:35 9884

原创 MatConvNet在Ubuntu14.04上的配置笔记

MatConvNet - VLFeat,MatConvNet: CNNs for MATLAB. MatConvNet is a MATLAB toolbox implementing Convolutional Neural Networks (CNNs) for computer vision applications. It is simpleInformation about co

2014-12-31 21:34:14 7144

RGBD Salient Object Detection A Benchmark and Algorithms

ECCV2014最新论文RGBD Salient Object Detection A Benchmark and Algorithms。

2014-07-24

《矩阵分析》课本

《矩阵分析》课本,工科研究生用书,由武汉大学出版社出版。

2014-05-07

ISODATA(带注释和例子)

ISODATA的的MATLAB代码(带详细注释和例子)。

2013-08-20

gsl-1.8.exe

在运行Rob Hess 所写的sift算法需要用到的文件

2011-03-21

用vC编写的计算器(界面设计)

用VC编的加减乘除的计算器,我已经调试过了,可以用的,谢谢支持

2011-03-20

基于opencv的sift程序

是基于opencv的sift算法,欢迎大家使用

2011-01-20

可以用MATLAB实现的Kd tree

matlab可用的kd-tree算法,运行时请将mex下对应系统的文件加入到matlab路径中

2010-12-01

最优化方法及其MATLAB程序设计

详细介绍了线搜索技术、最速下降法、牛顿法、共轭梯度法、拟牛顿法、信赖域方法、非线性最小二乘问题、罚函数法、可行方向法、二次规划和序列二次规划法,并附带了相关的程序

2010-11-28

基于sift算法的无人机遥感图像配准

IEEE上的一篇论文,感觉很不错,就上传了

2010-10-29

空空如也

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

TA关注的人

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