- 博客(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
5105
原创 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
1127
1
原创 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
191
1
原创 pytorch: register_hook
register_hook 是 torch.tensor 的 属性register_forward_hook 和 register_backward_hook 是 torch.nn.Module 的属性
2020-09-07 15:50:19
305
原创 阿里云无法 git clone 的解决
code.aliyun.com有可能是无法解析地址,直接改用 code.aliyun.com 的IPgit clone git@120.55.150.20:repository 就可以了
2020-06-23 23:02:08
5494
原创 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
868
原创 Matplotlib 的colormap (用 映射关系控制颜色)
颜色映射 的作用在于:用 某种索引关系 控制画图的颜色实现方式: Colormapmatplotlib.cm.get_cmap() : return colormap
2020-06-02 21:44:04
4945
2
原创 linux 查看文件夹大小
查看文件夹大小https://blog.youkuaiyun.com/dadoneo/article/details/6076025du -sh 文件夹
2020-05-22 18:51:53
194
原创 caffe 学习
https://nbviewer.jupyter.org/github/BVLC/caffe/blob/master/examples/00-classification.ipynbcaffe 教程
2020-05-14 14:43:43
126
原创 Ubuntu 18.04 安装caffe-cuda
sudo apt install caffe-cuda / caffe-cpu关于路径问题的解决https://zhuanlan.zhihu.com/p/37805085python 版本过高的问题https://blog.youkuaiyun.com/zizhenta0169/article/details/82984259
2020-05-13 13:28:30
588
原创 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
149
原创 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
191
原创 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
239
原创 Matplotlib之调用接口说明
使用Matplotlib画图,有两种Usage Pattern(参见API Overview)pyplot 一般用于交互模式和简单的通用画图object-oriented pyplot 面向对象的画图,更加精细的画图
2020-02-26 09:35:27
359
原创 Python判断读取图片是否成功
import cv2img = cv2.imread('imgpath')try: img.shapeexcept: print("can not read the image")
2020-02-25 09:05:35
4042
原创 Windows图片查看器不出现下一张和上一张按钮
Windows 照片查看问题描述:在文件夹中查看所有图片,但是图片查看器不出现“下一张”和“上一张”的按钮;解决方法:将图片文件夹拷贝到"此电脑"——图片(Pictures) 路径下,重启计算机,就可以了。...
2020-02-23 10:15:51
10132
原创 Linux:从远程服务器传输至本地
rsync从远程服务器传输至本地rsync的速度比较快rsync -av --rsh=ssh --port=端口号 user@xxx.xxx.xxx.xxx:文件/文件夹 本地位置scpscp -P 端口号 user@xxx.xxx.xxx.xxx:文件/文件夹 本地位置...
2020-02-20 09:09:10
338
原创 Windows登录阿里云-Repository not found
问题说明使用 ssh 连接gitgit clone - repository not foundgithub可用,但是aliyun不可用且密钥已经上传测试是否能连通sshcmd 命令行输入:ssh -T git@code.aliyun.com如果返回: Welcome to GIT, 说明可以连通;如果不出现,则说明ssh有问题或者网络问题;网络问题的话,可以换个 网络(比如...
2020-02-19 08:29:26
363
原创 Mobaxterm配置短号登录Linux服务器
Mobaxterm配置短号登录Linux服务器进入 C:\Users\Username\Documents\Mobaxterm\home\.ssh创建无扩展名的文件 config (创建方法:显示扩展名,然后删掉扩展名)配置内容:Host 别名Hostname 主机名 或 IP地址Port 登录端口User Linux主机上的用户名...
2020-02-19 08:18:30
213
原创 git clone: fatal:protocol error: bad line length character: Welc
参考将 /etc/ssh/ssh_config 里面的ForwardX11 yes 注释掉
2019-10-27 11:37:39
4541
原创 并发与并行
并发一个逻辑流的执行在时间上与另一个流重叠,成为并发流(concurrent flow)。多个流并发地执行的现象被称为并发(concurrency)。2.并发流的思想与流运行的处理器核数或者计算机数无关。如果两个流在时间上重叠,那么它们就是并发的,即使它们是运行在同一个处理器上。并行如果两个流并发地运行在不同的处理器核或者计算机上,则称它们为并行流(parallel flow)...
2019-10-23 09:34:52
147
原创 Pytorch的bakcward()多个loss函数
Pytorch的backward()函数假若有多个loss函数,如何进行反向传播和更新呢? x = torch.tensor(2.0, requires_grad=True) y = x**2 ...
2019-10-14 08:34:40
7358
原创 Ubuntu 18:VSCode下写C++配置
文件组织首先,需要查看c_cpp_properties.json文件;其次,构建task,通过task.json文件,构建任务;最后,配置launch.json文件,负责运行代码;如图所示c_cpp_properties.json...
2019-04-18 22:41:54
334
原创 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
279
空空如也
空空如也
TA创建的收藏夹 TA关注的收藏夹
TA关注的人