- 博客(77)
- 收藏
- 关注
原创 解决Orin遇到OSError: libnvToolsExt.so.1: cannot open shared object file: No such file or directory
果然开始下载一些包并unpack,再去cuda/lib64目录下找,有libnvToolsExt了,再跑项目,问题解决。解决的思路是修复orin上cuda的安装或者重新安装同一个版本cuda,
2025-02-27 11:23:13
154
1
原创 NVIDIA AGX orin 不能正常开机 booting
之后参考上述方法,我们把设备单独接上电源显示器和鼠标键盘,先按2不松开,再按1也就是power按钮不松开等几秒。显示器显示进入同样的recovery界面,但是不同的是键盘可以控制boot了,进入boot manager,选择emmc device boot后可以进入orin的ubuntu系统!先检测设备能否正常刷机:首先电脑和设备用type-c 到 type-c数据线连接,按住按键2不松开,用typec接电源,再按1不松开,电脑sdkmanager可以检测到设备。说明至少设备没问题,保底解决方案刷机有。
2024-10-08 10:34:15
1198
原创 pytorch 模型数据tensor device位置
print(data.device) 或者在调试模式查看模型或tensor的device属性。注:如果用.cuda() 会将模型load到默认gpu:0上。1 查看tensor在那个gpu id/device上。3 load checkpoints到指定device。其它情况及多gpu情况待更新。2 指定模型device。
2024-09-02 12:27:04
418
转载 torch.load()失败/错误的原因总结
2. 加载权重的设备与保存权重时使用的设备不一致。如果权重是在 GPU 上保存的,但你尝试在 CPU 上加载它们,可能会出现问题。1. 模型参数与模型结构不匹配。参数来解决这个问题。
2024-08-29 19:29:50
567
原创 Linux python3.6安装mayavi报错
需要将vtk版本降级,以及uninstall pyqt5(安装的vtk版本是9.3.1)pip3 install vtk==8.1.0 或者9.0.1。
2024-07-04 16:39:32
897
1
原创 pytorch3d Meshes类的方法get_bounding_boxes(),offset_verts(), scale_verts_(), update_padded()
其中Meshes 类有自带的计算bounding box的方法,如:mesh.get_bounding_boxes()Meshes类还有计算offset的方法,如通过通过torch.mean计算出中心坐标center后,需要将mesh移动至原点,通过mesh.offset(center)就可以做到。output_mesh = mesh.offset_verts(offset)而mesh的缩放,可以通过Meshes类中的scale_verts_()或scale_verts()做到,二者的区别是
2022-05-25 10:18:07
1068
原创 pytorch3d学习之pytorch3d.ops
pytorch3d.ops是pytorch提供的一些关于3d数据,即计算机图形学的一些运算的包。1.pytorch3d.ops.ball_query()pytorch3d.ops.ball_query(p1: torch.Tensor, p2: torch.Tensor, lengths1: Optional[torch.Tensor] = None, lengths2: Optional[torch.Tensor] = None, K: int = 500, radius: float = 0.
2022-05-23 21:44:19
2689
原创 [解决]RuntimeError: CUDA error: device-side assert triggered
有很多博客说是因为分类数目错,...blabla错,都不对!这个报错是因为在gpu上运行时无法判断具体程序运行到什么地方报错,也有可能由硬件引发的错误。建议将程序放在CPU上运行debug,device='cpu'。我自己的问题是torch.gather()中的索引超出最大长度,这个问题只有在cpu上debug是才能准确报出。参考链接[已解決] RuntimeError: CUDA error: device-side assert triggered - Clay-Technology W
2022-05-23 20:18:45
1788
1
原创 关于pytorch的张量处理
1. squeeze()压缩张量,去除size为1的维度2.unsqueeze()增加维度:在指定维度上增加维度,如b = torch.tensor([1, 2, 3]), torch.Size([3])在dim = 0的维度插入,B1 = torch.unsqueeze(b, 0),输出为[[1,2,3]]。torch.Size([1, 3])加到另一个维度,B2 = B.unsqueeze(1),输出为[[1],[2],[3]]。torch.Size([3, 1])在B1基础
2022-05-23 17:09:05
536
原创 pytorch3d代码解释:pytorch3d.structures.meshes之verts_list, verts_packed, verts_padded
pytorch3d定义的mesh结构在,在pytorch3d.structures.meshes中可以看到pytorch3d.structures.meshes — PyTorch3D documentationhttps://pytorch3d.readthedocs.io/en/latest/_modules/pytorch3d/structures/meshes.html首先,输入可能由多个 meshes组成,每个mesh可能又不同的顶点数和面数。pytorch3d的meshes结构在load o
2022-05-22 12:50:18
1656
1
原创 win10/11 文件资源处理器卡死
换了win11后,经常出现卡死,打不开文件夹的情况。目前解决方法有二1.已经卡死,在任务管理器里面重启 “Windows 资源管理器”2.在"个性化",“开始”中关掉显示最近打开的项目。这样暂时能缓解该问题,更多原因需要进一步研究。...
2022-03-13 12:56:37
4798
2
原创 cuda10.1 找不到\没有libcublas.so文件
cuda10以后 libcublas.so.10被放在/usr/lib/x86_64-linux-gnu文件夹下可以采用sudo ln -s /usr/lib/x86_64-linux-gnu/libcublas.so.10.1 /usr/local/cuda-10.1/lib64/libcublas.so.10.1解决问题https://forums.developer.nvidia.com/t/cublas-for-10-1-is-missing/71015/6...
2021-06-28 15:37:47
5761
3
转载 Ubuntu16.04安装OpenNI2
安装方法安装依赖项$ sudo apt-get install -y g++ python libusb-1.0-0-dev freeglut3-dev doxygen graphviz$ sudo apt-get install libudev-dev$ apt-cache search openni2libopenni2-0 - framework for sensor-base...
2020-04-29 19:21:22
627
转载 安装jdk 错误
Errors were encountered while processing:/var/cache/apt/archives/openjdk-9-jdk_9~b114-0ubuntu1_amd64.debE: Sub-process /usr/bin/dpkg returned an error code (1)$ sudo dpkg --configure -a依赖问题...
2020-04-29 17:46:14
360
转载 error while loading shared libraries: libopencv_core.so.3.1: cannot open shared object file: No such
error while loading shared libraries: libopencv_core.so.3.1: cannot open shared object file: No such file or directory这个错误主要的原因是在运行应用程序的时候没有找到一些动态文件,也就是没有将动态文件添加到系统的环境变量中。上述的解决方法如下sudo gedit /etc/...
2020-01-07 23:10:06
1995
转载 dpkg: 处理软件包 nginx (--configure)时出错: 依赖关系问题 - 仍未被配置 正在设置 libopencv-contrib-dev:amd64 (2.4.9.1+dfsg-1
Job for nginx.service failed because the control process exited with error code. See "systemctl status nginx.service" and "journalctl -xe" for details.invoke-rc.d: initscript nginx, action "start" fa...
2020-01-04 17:11:59
4682
原创 无法打开锁文件 /var/lib/dpkg/lock - open (13: 权限不够)
获取:23 http://security.ubuntu.com/ubuntu xenial-security/main DEP-11 64x64 Icons [79.6 kB]获取:24 http://security.ubuntu.com/ubuntu xenial-security/universe amd64 DEP-11 Metadata [124 kB]获取:25 http://s...
2020-01-04 16:58:34
2614
转载 RuntimeError: Found 0 files in subfolders of:
报错如下:RuntimeError: Found 0 files in subfolders of: /home/A/0Supported extensions are: .jpg,.jpeg,.png,.ppm,.bmp,.pgm,.tif,.tiff,webp产生原因:路径问题举例说明: /home/A/0/ 目录下存在若干图片,/home/A/ 目录下只有 0 这一个文件夹。那...
2019-07-26 19:58:35
9236
1
转载 git 删除全局配置
1.查看Git所有配置git config --list2.删除全局配置项(1)终端执行命令:git config --global --unset user.name(2)编辑配置文件:git config --global --edit原文地址http://www.mamicode.com/info-detail-2301350.html...
2019-05-30 10:52:27
23748
原创 pytorch 使用预训练的模型
import torchimport torchvision.models as modelsimport MyDataLoaderfrom torch.autograd import Variablealexnet = models.alexnet(pretrained = False)alexnet.load_state_dict(torch.load('/home/alex...
2018-11-19 13:21:58
1251
转载 mark一下GAN的一些综述
https://blog.youkuaiyun.com/qq_25737169/article/details/78857788
2018-10-23 20:52:56
433
原创 c++换行
cout<<"int size = "<<sizeof(int)<<"\n";或cout<<"int size = "<<sizeof(int)<<endl;
2018-03-08 17:08:48
2598
原创 c++中的sleep用法
#include "stdafx.h"#include "iostream"#include<windows.h>//在Windows操作系统下sleep包含在windows.h中using namespace std;//使用std命名空间int main(){ cout << "hello world, i am ready for c++"; Sleep(1000);...
2018-03-08 16:59:21
21648
转载 caffe.Net类
caffe.Net类__init__(prototxt, phase)@param prototxt: 字符串。指定prototxt路径@param phase: `caffe.TRAIN`或者`caffe.TEST`@description: 根据prototxt初始化一个网络。相当于C++的: shared_ptr<Net<Dtype> > net(ne...
2018-03-06 16:12:51
5197
2
转载 python 中easydict的使用
easydict的作用:可以使得以属性的方式去访问字典的值![python] view plain copy >>> from easydict import EasyDict as edict >>> d = edict({'foo':3, 'bar':{'x':1, 'y':2}}) >>> d.foo 3 >>>...
2018-03-06 10:25:37
1828
原创 ubuntu16.04 cuda9 faster-rcnn配置
python faster-rcnn github报错src/caffe/layers/cudnn_relu_layer.cu(43): error: argument of type "cudnnActivationMode_t" is incompatible with parameter of type "cudnnActivationDescriptor_t" detec...
2018-03-05 19:36:35
2389
转载 caffe 可视化模型
在线可视化caffe模型结构http://ethereon.github.io/netscope/#/editor假设Caffe的目录是$(CAFFE_ROOT)1.编译caffe的python接口$ make pycaffe12.装各种依赖$ pip install pydot$ sudo apt-get install graphviz123.可视化模型dra
2018-01-25 17:32:32
265
原创 ubuntu17装nvidia驱动
1.非常重要,移除自带驱动nouveau否则后面安装后重启会发生冲突,无法启动!!!2.参考官网用deb下载https://developer.nvidia.com/cuda-downloads?target_os=Linux&target_arch=x86_64&target_distro=Ubuntu&target_version=1704&target_type=debl
2018-01-22 14:08:37
315
转载 卸载ubuntu自带驱动nouveau
强制方法:直接移除这个驱动(备份出来)# mv /lib/modules/3.0.0-12-generic/kernel/drivers/gpu/drm/nouveau/nouveau.ko /lib/modules/3.0.0-12-generic/kernel/drivers/gpu/drm/nouveau/nouveau.ko.org重新加载一下 #
2018-01-22 13:14:49
7387
原创 csv中的数据导入数据库
将文件a.csv中的数据导入表 table_xx. (separator "," a.csv中字段以逗号分别)sqlite> .separator ","sqlite> .import a.csv table_xxsqlite>导入停止.
2017-10-17 16:31:46
312
转载 anaconda使用
Conda的环境管理Conda的环境管理功能允许我们同时安装若干不同版本的Python,并能自由切换。对于上述安装过程,假设我们采用的是Python 2.7对应的安装包,那么Python 2.7就是默认的环境(默认名字是root,注意这个root不是超级管理员的意思)。假设我们需要安装Python 3.4,此时,我们需要做的操作如下:# 创建一个名为python34的环境,指定Pyth
2017-10-10 10:48:00
321
原创 python 读取 modis hdf文件
from pyhdf.SD import SD, SDCimport pprintHDF_FILR_URL = "E:\MyDownloads\MOD021KM.A2012156.0115.006.2014225090534.hdf"file = SD(HDF_FILR_URL)print(file.info())输出(31, 58),说明有31个科学数据集datas
2017-09-30 15:18:42
11834
12
原创 cnn实现 saver()
from __future__ import print_functionimport tensorflow as tffrom tensorflow.examples.tutorials.mnist import input_datamnist = input_data.read_data_sets('MNIST_data',one_hot=True)def comput
2017-09-27 16:31:29
296
原创 could not destroy cudnn handle: CUDNN_STATUS_BAD_PARAM
without close of session,you can use method 1, with tf.session or sess.close()1.config = tf.ConfigProto(device_count = {'GPU': 0})config.gpu_options.allow_growth = Truewith tf.Session(config=c
2017-09-27 16:17:08
758
转载 droputout使用
from __future__ import print_functionimport tensorflow as tf from sklearn.datasets import load_digitsfrom sklearn.model_selection import train_test_splitfrom sklearn.preprocessing import Label
2017-09-26 11:42:08
1032
转载 Python中的__future__模块
这篇文章主要介绍了介绍Python中的__future__模块,__future__模块使得在Python2.x的版本下能够兼容更多的Python3.x的特性,需要的朋友可以参考下作者:廖雪峰 Python的每个新版本都会增加一些新的功能,或者对原来的功能作一些改动。有些改动是不兼容旧版本的,也就是在当前版本运行正常的代码,到下一个版本运行就可能不正常了
2017-09-26 10:28:19
269
转载 tf.cast
cast(x, dtype, name=None) 将x的数据格式转化成dtype.例如,原来x的数据格式是bool, 那么将其转化成float以后,就能够将其转化成0和1的序列。反之也可以a = tf.Variable([1,0,0,1,1])b = tf.cast(a,dtype=tf.bool)sess = tf.Session()sess.run(tf.initializ
2017-09-25 17:36:16
219
转载 The TensorFlow library wasn't compiled to use SSE4.1 instructions
原文转自2017-05-06 08:09:33.780033: W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use SSE4.1 instructions, but these are available on your machine a
2017-09-25 15:48:55
502
空空如也
空空如也
TA创建的收藏夹 TA关注的收藏夹
TA关注的人