自定义博客皮肤VIP专享

*博客头图:

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

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

博客底图:

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

栏目图:

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

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

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

原创 利用Pandas改变Excel的填充背景颜色,包含奇偶行等设置

可以参考的网站Working with Conditional Formattinghttps://xlsxwriter.readthedocs.io/working_with_conditional_formats.htmlThe Format Classhttps://xlsxwriter.readthedocs.io/format.html#formatExample: Conditional Formattinghttps://xlsxwriter.readthedocs.io/exa

2021-08-24 20:00:26 4759

原创 MMDetection= Cuda10.0.130 + Pytorch1.4.0 + torchvision0.5.0 + mmcv-full1.1.6 + mmdet2.5.0

1.版本选取MMDetection的版本选择安装的时候,需要选择合适的版本,下载不同版本的MMDetection,从 Github 的历史版本中选择合适的版本https://github.com/open-mmlab/mmdetection/releases根据Cuda的版本,选择PyTorch 和 torchvision 的版本Pytorch 、torchvision 的预编译whl文件下载地址,https://download.pytorch.org/whl/torch_stabl

2021-04-09 10:18:49 1043 1

原创 COCO数据集格式

2021-04-03 19:12:50 182

原创 Python可视化库——seaborn

简介seaborn 是基于 matplolib的Python可视化包import seaborn as snsimport numpy as np import matplotlib.pyplot as plt import pandas as pd sns.set_theme(style="white")df = pd.DataFrame({ "idx":[0, 1, 2], "Age":[20, 30, 40]})sns.relplot(x="idx", y="Age

2020-12-24 17:20:11 157 1

原创 Hanoi-汉诺塔问题的解决

2020-12-17 09:32:24 168

原创 pytorch: register_hook

register_hook 是 torch.tensor 的 属性register_forward_hook 和 register_backward_hook 是 torch.nn.Module 的属性

2020-09-07 15:50:19 266

原创 torch.mean()

torch.mean(tensor, dim=0)dim 表示的是 沿着 dim 维度进行 求平均值

2020-09-01 19:37:20 4520

原创 阿里云无法 git clone 的解决

code.aliyun.com有可能是无法解析地址,直接改用 code.aliyun.com 的IPgit clone [email protected]:repository 就可以了

2020-06-23 23:02:08 5141

原创 Python 带有参数的装饰器

https://www.jianshu.com/p/ee82b941772a

2020-06-23 14:54:37 111

原创 mmdetection V2.0 安装

系统环境Ubuntu 18.04 + gcc 7.5 + cuda 10.1 + cudnn1. 查看cuda版本 cat /usr/local/cuda/version.txt需要提前安装的包1. Anaconda python=3.72. pip install pycocotools3. pip install cpython4. conda install pytorch=1.4 cudatoolkit=10.1 torchvision -c pytorch不要安装 pytor

2020-06-21 21:18:40 838

原创 Matplotlib 的colormap (用 映射关系控制颜色)

颜色映射 的作用在于:用 某种索引关系 控制画图的颜色实现方式: Colormapmatplotlib.cm.get_cmap() : return colormap

2020-06-02 21:44:04 4502 2

原创 linux 查看文件夹大小

查看文件夹大小https://blog.csdn.net/dadoneo/article/details/6076025du -sh 文件夹

2020-05-22 18:51:53 160

原创 caffe 学习

https://nbviewer.jupyter.org/github/BVLC/caffe/blob/master/examples/00-classification.ipynbcaffe 教程

2020-05-14 14:43:43 97

原创 Ubuntu 18.04 安装caffe-cuda

sudo apt install caffe-cuda / caffe-cpu关于路径问题的解决https://zhuanlan.zhihu.com/p/37805085python 版本过高的问题https://blog.csdn.net/zizhenta0169/article/details/82984259

2020-05-13 13:28:30 557

原创 pytorch autograd

pytorch autograd 自动求导机制Internally, autograd represents this graph as a graph of Function objects (really expressions), which can be apply() ed to compute the result of evaluating the graph. When com...

2020-03-23 21:28:56 112

原创 pytorch autograd: torch.nn.Function

https://pytorch.org/docs/stable/notes/extending.html# Inherit from Functionclass LinearFunction(Function): # Note that both forward and backward are @staticmethods @staticmethod # bias ...

2020-03-23 18:52:56 157

原创 torch.nn modules

torch.nnfrom torchvision.models import resnet18net = resnet18()for i, m in enumerate(net.modules()): print(i, m)self.modules()是递归的

2020-03-23 11:00:56 192

原创 Matplotlib之调用接口说明

使用Matplotlib画图,有两种Usage Pattern(参见API Overview)pyplot 一般用于交互模式和简单的通用画图object-oriented pyplot 面向对象的画图,更加精细的画图

2020-02-26 09:35:27 314

原创 Python判断读取图片是否成功

import cv2img = cv2.imread('imgpath')try: img.shapeexcept: print("can not read the image")

2020-02-25 09:05:35 3967

原创 Windows图片查看器不出现下一张和上一张按钮

Windows 照片查看问题描述:在文件夹中查看所有图片,但是图片查看器不出现“下一张”和“上一张”的按钮;解决方法:将图片文件夹拷贝到"此电脑"——图片(Pictures) 路径下,重启计算机,就可以了。...

2020-02-23 10:15:51 8721

原创 Linux:从远程服务器传输至本地

rsync从远程服务器传输至本地rsync的速度比较快rsync -av --rsh=ssh --port=端口号 [email protected]:文件/文件夹 本地位置scpscp -P 端口号 [email protected]:文件/文件夹 本地位置...

2020-02-20 09:09:10 316

原创 查看g++/gcc版本

windows查看gcc/g++ 版本cmd 命令行gcc --versiong++ --version

2020-02-19 08:58:21 10529 2

原创 Windows登录阿里云-Repository not found

问题说明使用 ssh 连接gitgit clone - repository not foundgithub可用,但是aliyun不可用且密钥已经上传测试是否能连通sshcmd 命令行输入:ssh -T [email protected]如果返回: Welcome to GIT, 说明可以连通;如果不出现,则说明ssh有问题或者网络问题;网络问题的话,可以换个 网络(比如...

2020-02-19 08:29:26 164

原创 Mobaxterm配置短号登录Linux服务器

Mobaxterm配置短号登录Linux服务器进入 C:\Users\Username\Documents\Mobaxterm\home\.ssh创建无扩展名的文件 config (创建方法:显示扩展名,然后删掉扩展名)配置内容:Host 别名Hostname 主机名 或 IP地址Port 登录端口User Linux主机上的用户名...

2020-02-19 08:18:30 161

原创 ubuntu安装自定义的latex包

https://help.ubuntu.com/community/LaTeX

2019-12-05 14:42:24 244 1

原创 git clone: fatal:protocol error: bad line length character: Welc

参考将 /etc/ssh/ssh_config 里面的ForwardX11 yes 注释掉

2019-10-27 11:37:39 4389

原创 并发与并行

并发一个逻辑流的执行在时间上与另一个流重叠,成为并发流(concurrent flow)。多个流并发地执行的现象被称为并发(concurrency)。2.并发流的思想与流运行的处理器核数或者计算机数无关。如果两个流在时间上重叠,那么它们就是并发的,即使它们是运行在同一个处理器上。并行如果两个流并发地运行在不同的处理器核或者计算机上,则称它们为并行流(parallel flow)...

2019-10-23 09:34:52 112

原创 Python从键盘输入

Python: 从键盘输入使用 sys.stdin转自知乎

2019-10-18 09:25:18 6809

原创 linux命令之 chmod

chmod递归地改变整个文件夹下面的文件及文件夹的权限:chmod -R 777 filedir

2019-10-16 22:28:46 87

原创 FLANN:KD_Tree

FLANN:KD_TreeFLANN_opencvKD_tree 算法原理

2019-10-16 16:50:44 426

原创 Pytorch的bakcward()多个loss函数

Pytorch的backward()函数假若有多个loss函数,如何进行反向传播和更新呢? x = torch.tensor(2.0, requires_grad=True) y = x**2 ...

2019-10-14 08:34:40 7226

原创 C++ Const and Pointers

2019-04-25 11:41:23 97

原创 Ubuntu 18:VSCode下写C++配置

文件组织首先,需要查看c_cpp_properties.json文件;其次,构建task,通过task.json文件,构建任务;最后,配置launch.json文件,负责运行代码;如图所示c_cpp_properties.json...

2019-04-18 22:41:54 309

原创 Ubuntu系统下Latex 安装小记

Ubuntu系统下Latex 安装小记软件获取Ubuntu系统安装xelaTex不能使用问题软件获取清华镜像https://mirrors.tuna.tsinghua.edu.cn/ctan/systems/texlive/Images/Ubuntu系统安装https://www.jianshu.com/p/ad8cd320eb28sudo mount texlive2018-201...

2019-04-14 22:34:21 238

空空如也

空空如也

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

TA关注的人

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