自定义博客皮肤VIP专享

*博客头图:

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

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

博客底图:

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

栏目图:

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

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(48)
  • 收藏
  • 关注

原创 不能调用gpu,pytorch 与cuda不兼容

>>> import torch>>> torch.__version__'1.4.0'>>> torch.zeros((2,3)).cuda()Traceback (most recent call last): File "<stdin>", line 1, in <module> File "/data/wanglei/anaconda3/envs/point2mesh/lib/python3.8/site-..

2020-09-24 14:58:47 1243

原创 CUDA Toolkit and Compatible Driver Versions

Table 1. CUDA Toolkit and Compatible Driver Versions CUDA Toolkit Linux x86_64 Driver Version CUDA 11.1 (11.1.0) >= 455.23.04 CUDA 11.0 (11.0.171) >= 450.36.06 CUDA 10.2 (10.2.89) >= 440.33 CUDA 10.1 (10.1.105) >= ...

2020-09-24 10:28:43 759

原创 linux查看cuda与cudnn

查看cuda版本nvcc --versionnvcc -Vcat /usr/local/cuda/version.txt查看cudnn版本cat /usr/local/cuda/include/cudnn.h | grep CUDNN_MAJOR -A 2

2020-07-29 10:38:40 508

转载 Does Pytorch 1.4 support cuda10.1?

Does Pytorch 1.4 support cuda10.1?PyTorch 1.4.0 shipped with CUDA 10.1 by default, so there is no separate package with thecu101suffix, those are only for alternative versions. You just need to install the regulartorchpackage:pip install tor...

2020-07-28 19:52:02 259

转载 CuPy

CuPy is an open-source matrix library accelerated with NVIDIA CUDA.CuPy provides GPU accelerated computing with Python.CuPy uses CUDA-related libraries including cuBLAS, cuDNN, cuRand, cuSolver, cuSPARSE, cuFFT and NCCL to make full use of the GPU a...

2020-06-06 16:42:12 182

原创 setuptools ERROR

Q:ERROR: Package 'setuptools' requires a different Python: 2.7.12 not in '>=3.5'A:pip install setuptools==44.0.0

2020-06-06 16:23:05 171

原创 UnicodeDecodeError pickle

dd = pickle.load(open(fname_or_dict))Q: UnicodeDecodeError: 'gbk' codec can't decode byte 0x80 in position 0: illegal multibyte sequenceA:with open(fname_or_dict, 'rb') as f: dd = pickle.load(f, encoding='latin1')reason: pytho...

2020-05-28 12:25:53 206

原创 PyTorch was compiled without NumPy support

RuntimeError : PyTorch was compiled without NumPy supportpip install torch==0.4.1.post2

2020-04-30 15:03:42 1126

原创 conda相关

添加package搜索路径conda config --apend channels conda-forgeconda版本降级conda install conda=4.6conda虚拟环境激活source ./anaconda3/etc/profile.d/conda.shconda actiavte 虚拟环境名称conda安装包conda in...

2020-04-23 12:43:43 134

原创 tensorflow.python.framework.errors_impl.NotFoundError

问题:tensorflow.python.framework.errors_impl.NotFoundError: /home/wanglei/Program/TensorFlowang/TFFRCNN/lib/roi_pooling_layer/roi_pooling.so: undefined symbol: _ZTIN10tensorflow8OpKernelE解决:...

2019-04-09 10:05:09 1745 3

原创 找不到 nsync_cv.h 问题

问题:fastRCNN编译过程中出现lib/python2.7/site-packages/tensorflow/include/tensorflow/core/platform/default/mutex.h:25:22: fatal error: nsync_cv.h: No such file or directory解决:在mutex.h文件中 修改为以下...

2019-04-08 17:14:19 210

原创 Cython编译问题__ImportError: dynamic module does not define init function

问题:Cython compiled C extension: ImportError: dynamic module does not define init function解决:在.pyx文件开始增加STUFF = "Hi"It appears if there is no global initialization (acinitor setting a ...

2019-04-08 16:46:05 2036

转载 linux命令看文件或文件夹个数

原文:https://blog.csdn.net/niguang09/article/details/6445778(ls -l|grep "^-"| wc -l)查看某个文件夹下文件的个数。(ls -lR|grep "^-"| wc -l)查看某个文件夹下文件的个数,包括子文件夹下的文件个数。(ls -l|grep "^d"| wc -l)查看某个文件夹下文件夹的个数。(ls -lR...

2019-03-15 20:28:19 153

原创 Linux下安装OpenCV 时CMake error

问题CMake Error: The source directory "/home/wanglei/Program/opencv-3.4.0/build/CMAKE_INSTALL_PREFIX=/home/wanglei/Program/opencv-3.4.0" does not exist.命令wanglei@ubuntu:~/Program/opencv-3.4.0/build$ cma...

2018-06-07 15:54:52 6571 4

翻译 深度学习之循环神经网络算法

A Tour of Recurrent Neural Network Algorithms for Deep LearningRecurrent neural networks, or RNNs, are a type of artificial neural network that add additional weights to the network to creat

2017-07-29 18:14:32 3124

原创 /usr/bin/ld: cannot find -lxxx

/usr/bin/ld: cannot find -lcufft/usr/bin/ld: cannot find -lnpps/usr/bin/ld: cannot find -lnppi/usr/bin/ld: cannot find -lnppc/usr/bin/ld: cannot find -lcudart建立软连接 sudo ln -s /

2017-05-24 16:38:05 667

原创 linux系统下查看 显卡 信息

linux系统下查看 显卡 信息命令:lspci |grep -i vga如果是Nvidia显卡1、基本命令:nvidia-sminvidia-smi(The Nvidia System Management Interface)是Nvidia显卡命令行管理套件,基于NVML(Nvidia Management Library)库,旨在管理和监控Nvidia GPU

2017-05-11 17:32:54 51153

原创 caffe训练中create image数据产生的bug

caffe训练中create image数据产生多个bug问题1、could not find or open file ...  xxxxx.JPEG 1解决:制作label过程中,xxxxx.JPEG 与 标签之间用 空格 ‘ ’,不要用'\t'问题2、mkdir .........lmdb failed解决:删除上次产生的lmdb文件,将执行命令路径切换到

2017-05-09 17:03:54 467

原创 Ubuntu系统Spyder运行时kernel died问题

问题:'It seems the kernel died unexpectedly. Use 'Restart kernel' to continue using this console.'解决:conda install nomkl numpy scipy scikit-learn numexprconda remove mkl mkl-serviceAnaconda

2017-05-05 19:17:56 1746

转载 远程桌面关闭后如何恢复原会话连接

学习ubuntu远程桌面(二):远程桌面会话管理 一、问题描述 在我们使用ubuntu远程桌面时,会经常遇到这样的问题。在连接远程桌面时,我打开的是会话A,我在会话A下处理一些工作的事情。由于自己不小心把这个远程桌面给关闭了,或者今天工作完毕关闭该远程桌面会话。等再进行连接远程桌面时,发现ubuntu会给出一个新的远程桌面会话B,而不是我们刚刚连接过的那个会话A,或者是昨天连接的那个会话A。以上

2017-05-05 18:08:40 13459

原创 ubable to locate package java

参考:http://stackoverflow.com/questions/25289482/installing-jdk8-on-ubuntu-unable-to-locate-package-update-doesnt-fixUbuntu安装java时,出现错误:ubable to locate package java解决方法:sudo apt-g

2016-12-25 12:24:22 401

原创 ubuntu 出现GPG Error的问题

ubuntu 系统sudo apt-get update错误提示:gpg error the public key is not available no_pubkey 5523BF*********在我们系统上无法获取public key ,所以需要导入该public key 解决办法:sudo apt-key adv --keyserver keys

2016-12-25 11:11:04 1889 2

转载 CNN-目标检测、定位、分割

CNN-目标检测、定位、分割cite from: http://blog.csdn.net/myarrow/article/details/518780041. 基本概念1)CNN:Convolutional Neural Networks2)FC:Fully Connected3)IoU:Intersection over Union (IoU的值定义:R

2016-12-21 20:29:42 2389

转载 深度学习框架的评估与比较

原文:http://www.infoq.com/cn/news/2016/01/evaluation-comparison-deep-learn?utm_campaign=infoq_content&         人工智能无疑是计算机世界的前沿领域,而深度学习无疑又是人工智能的研究热点,那么现在都有哪些开源的深度学习工具,他们各自的优缺点又是什么呢?最近zer0n和bamos在GitH

2016-12-21 11:28:38 1151

转载 Ubuntu终端常用命令

学习备用转自:http://blog.csdn.net/yuexianchang/article/details/51730085文件目录类1.建立目录:mkdir 目录名2.删除空目录:rmdir 目录名3.无条件删除子目录: rm -rf 目录名4.改变当前目录:cd 目录名 (进入用户home目录:cd ~; 进入上一级目录:cd -)5.查看自己所在目录:pwd6.查

2016-12-18 22:40:09 367

转载 ubuntu14.04下配置使用openCV3.0

转发 自   http://www.cnblogs.com/lyutian/p/4425956.html[操  作  系  统]    Ubuntu 14.04 LTS[OpenCV版本]      3.0.0-beta[Eclipse 版 本]    3.8.1需要知识:Linux系统shell命令基础编译原理基础知识,预编译->编译->汇编->链

2016-12-18 21:14:53 1553

转载 朱松纯:初探计算机视觉三个源头兼谈人工智能

杨志宏   视觉求索公众号编辑朱松纯   加州大学洛杉矶分校UCLA统计学和计算机科学教授(Song-Chun Zhu;www.stat.ucla.edu/~sczhu)时  间    2016年10月 杨: 朱教授,你在计算机视觉领域耕耘20余年,获得很多奖项,是很资深的研究人员。近年来你又涉足认知科学、机器人和人工智能。受《视觉求

2016-12-06 16:13:18 834

转载 曹旭东--关于无人驾驶

转发自雷锋网:http://www.leiphone.com/news/201611/PBGxhmyKzkr8nHLz.html雷锋网(公众号:雷锋网)撰文《爆料:曹旭东创立自动驾驶公司Momenta 首次公开项目细节》,正式公布曹旭东及其创业项目Momenta,此项目致力于打造自动驾驶大脑,核心技术是基于深度学习的环境感知、高精度地图、驾驶决策算法。产品包括不同级别的自动驾驶方案,以及衍

2016-11-18 16:29:23 2704

转载 登上“人工智能之月”,我们爬树还是造火箭?

登上“人工智能之月”,我们爬树还是造火箭?节选自孙剑博士 报告。原文:http://www.leiphone.com/news/201611/wwP4RjqWeQXKlnz3.html当下研究 AI 方法,是在爬树还是在造火箭。这里有一幅画的内容是这样:你要想上月球,选择爬树能接近月球,每年还能有不错的进展,有些树高得可能一辈子都爬不完,但到不了月球那里。如

2016-11-18 15:04:52 636

原创 Deep Learning Roadmap

Deep Learning RoadmapI. BasicII. Method1.Model2. Optimization3. Unsupervised Learning4. RNN5. Neural Turning Machine6. Reinforcement Learning7. Transfer Learning8. One Shot

2016-11-18 12:20:21 493

原创 深度学习有趣的应用

深度学习有趣的应用       深度学习技术可以应用于许多领域,不仅在机器翻译、自然语言处理、目标检测识别、视觉跟踪等方面显示出优异的性能,还有很多有趣的应用。1、模糊图像清晰化;        Image super-resolution through deep learning,        https://github.com/david-gpu/srez

2016-11-18 12:10:50 3315

原创 C++多态,重载

多态(polymorphisn)可以简单地概括为“一个接口,多种方法”,程序在运行时才决定调用的函数,它是面向对象编程领域的核心概念。封装可以使得代码模块化,继承可以扩展已存在的代码,他们的目的都是为了代码重用。而多态的目的则是为了接口重用。也就是说,不论传递过来的究竟是那个类的对象,函数都能够通过同一个接口调用到适应各自对象的实现方法。静态多样性就是在编译时期确定函数的调用关

2016-11-17 15:21:37 412

原创 Matlab函数句柄调用图像K均值分类

function varargout = guideTemp2(varargin)% GUIDETEMP2 MATLAB code for guideTemp2.fig% GUIDETEMP2, by itself, creates a new GUIDETEMP2 or raises the existing% singleton*.%% H = GUID

2016-11-15 16:17:10 1282

原创 Matlab显示图像三维信息

Matlab显示图像三维信息im1=imread('lena.bmp');mesh(double(im1));colormap gray

2016-11-14 15:30:38 9522

原创 Matlab GUI设计

Matlab设计图形用户界面设计的比较简易,通过修改对象属性代码等可以更精细。function varargout = Guide2(varargin)% GUIDE2 MATLAB code for Guide2.fig% GUIDE2, by itself, creates a new GUIDE2 or raises the existing% single

2016-11-10 18:05:48 931

原创 虚拟机窗口不能调整大小如何解决?

原来虚拟机安装了Ubuntu,窗口可以自适应调整大小的,后来重装ubuntu之后又不能了,解决办法:一、设置若提示无法手动启动vmware tools安装,关ubuntu添加软盘驱动器菜单---设置---硬件--软盘-- 选择“自动检测”                                 CD/DVD使用ISO映像文件“D:\Program Files\VMw

2016-10-26 09:47:18 7244

原创 SVM支撑矢量机

参考:麦好,《机器学习实践指南》SVM在解决小样本、非线性及高维模式识别问题中具有许多优势。1、算法思想SVM首先将向量映射到一个更高维的空间里,在其中建立最大间隔超平面,将数据分开;然后,在超平面两边再设立两个互相平行的超平面;最后分隔超平面,使两个平行平面的距离最大化。SVM假定平行超平面的距离或差距越大,分类器的总误差越小。

2016-10-16 21:24:05 498

原创 matConvnet编译

matConvnet编译注意说明:%   The following configurations have been tested successfully:%%   * Windows 7 x64, MATLAB R2014a, Visual C++ 2010 and CUDA Toolkit%     6.5 (unable to compile with Visual

2016-05-15 08:11:04 383

原创 Matlab R2014a使用 mcc编译出错的问题

Matlab R2014a使用mcc编译lib文件时出错,Error: Could not check out a Compiler license: SIGN= keyword required but missing from the license certificate. This is probably because the license is older than

2016-05-06 13:41:01 8802 4

原创 VOCcode下载地址

VOCcode下载地址:http://download.csdn.net/detail/lxh19920114/9466239

2016-05-05 09:32:08 1674 1

空空如也

空空如也

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

TA关注的人

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