- 博客(203)
- 资源 (24)
- 收藏
- 关注

原创 2017CS231n李飞飞深度视觉识别笔记(转载&原创,转载部分全部以链接形式给出)
2017CS231n李飞飞深度视觉识别笔记(一)——计算机视觉概述和历史背景2018年07月09日 20:26:35 献世online 阅读数:1651更多所属专栏: 机器学习与深度学习版权声明:本文为博主原创文章,未经博主允许不得转载。 https://blog.youkuaiyun.com/qq_34611579/article/details/80976671第一章 计算机视觉概述和历史背景课...
2019-04-05 09:01:30
601
原创 各种loss实现
bsz = pred.shape[0] if pred.dim() != target.dim(): # one_hot_target, weight = _expand_onehot_labels(target, pred.size(-1)) one_hot_target = F.one_hot(target).float() # pred_norm = pred.sigmoid() if self.requ...
2021-12-31 14:45:32
848
原创 Tensorflow简单使用
tf.reset_default_graph()optim = tf.train.AdamOptimizer(0.01)a = tf.Variable(initial_value=0.,name='a')b = 2*ay = a+btvars = tf.trainable_variables()# grads = tf.gradients(y,tvars)# app = optim.apply_gradients(zip(grads,tvars))grads_and_vars = opt
2021-10-09 16:03:05
435
原创 AutoML较易期刊
IEEE Transactions on Intelligent Transportation SystemsIEEE Transactions on Cognitive and Developmental SystemsIEEE Transactions on Parallel and Distributed SystemsIEEE Transactions on Network Science and EngineeringACM Transactions on Autonomous and .
2021-05-28 22:03:04
579
转载 挖矿木马解决方案
【挖矿木马解决方案】https://cloud.tencent.com/developer/article/1731875www.jianshu.com/p/44b7063770a9blog.youkuaiyun.com/ch520my/article/details/83657325blog.youkuaiyun.com/dubaiToT/article/details/102716845
2021-01-26 20:11:01
565
原创 Nametuple读取name
Experience = namedtuple('Experience', ('states', 'actions', 'next_states', 'rewards'))Tmp = []for name in samples._fields: if experience == Experienceand (name == 'neighbours' or name == 'next_neighbours'): Tmp.app
2020-12-17 12:47:52
168
原创 Torch之读取梯度
文章目录pytorch: grad can be implicitly created only for scalar outputs原理: 出现这个原因是由于在backword时,没有计算loss导致,需要计算loss;或者在backword时,传入参考,作为loss计算的标准。读取gradient针对具体变量针对model中的某些层pytorch: grad can be implicitly created only for scalar outputs原理: 出现这个原因是由于在backword
2020-12-16 10:27:08
2856
原创 Pytorch :Trying to backward through the graph a second time, but the buffers have already been freed
Pytorch :Trying to backward through the graph a second time, but the buffers have already been freed运行原理解决方案运行原理stackoverflow.com/questions/47120126/how-to-calculate-loss-over-a-number-of-images-and-then-back-propagate-the-averagblog.youkuaiyun.com/qq_429071
2020-12-16 09:53:11
394
原创 Publications&Patents
X. Zhang, Z. Lin, B. Ding, B. Gu and Y. Han, “Deep Multi-Agent Reinforcement Learning for Resource Allocation in D2D Communication Underlaying Cellular Networks,” 2020 21st Asia-Pacific Network Operations and Management Symposium (APNOMS), Daegu, Korea (S.
2020-11-11 13:02:40
202
原创 ACM投稿版权信息去除问题
去除这些版权信息\setcopyright{none}\makeatletter\renewcommand\@formatdoi[1]{\ignorespaces}\makeatother\settopmatter{printacmref=false}\renewcommand{\footnotetextcopyrightpermission}[1]{}\pagestyle{plain}
2020-10-09 20:48:37
2695
1
原创 论文写作
目录论文写作连词形容词表递进表转折短语公式相关句子实验结果描述论文写作连词形容词表递进表转折短语公式相关be represented asaccording to the definition aboveThe optimal game solution is called the feedback Nash equilibrium (NE) and is defined as follows:xx is a joint strategy profile xxx.satisfy f
2020-09-30 10:10:50
260
原创 latex使用技巧
itemize取消缩进\begin{itemize}[leftmargin=*]\item \item\end{itemize}ACM模板作者添加上标\author{xx xx}\authornotemark[1]\author{xx xx}\authornote{Corresponding authors}
2020-09-26 11:24:13
4844
原创 nohup使用
//只输出错误信息到日志文件nohup ./program >/dev/null 2>log &//什么信息也不要nohup ./program >/dev/null 2>&1 &
2020-09-17 11:37:21
305
原创 torch之Sequential使用方式
torch之Sequential如下两种方式一致,一种是自动命名,一种是手动命名。# Example of using Sequential model = nn.Sequential( nn.Conv2d(1,20,5), nn.ReLU(), nn.Conv2d(20,64,5), nn.ReLU() )
2020-08-23 09:04:39
3915
原创 latex运行报错:Package inputenc Error: Invalid UTF-8 byte “A1
latex运行报错:Package inputenc Error: Invalid UTF-8 byte "A1解决:添加相关库\UseRawInputEncoding原因:latex默认是不指定编码,因此在文件开始时失败,声明正在使用的编码。
2020-08-01 12:08:56
7573
4
原创 matplot在SSH下报错解决方案
问题描述:Python版本是3.6.3,在Windows下使用matplotlib绘图可以,但是在ssh远程绘图的时候报错了,错误是:RuntimeError: Invalid DISPLAY variable原因:matplotlib的默认backend是TkAgg,而FltAgg、GTK、GTKCairo、TkAgg、Wx和WxAgg这几个backend都要求有GUI图形界面,所以在ssh操作的时候会报错.解决办法:在导入matplotlib的时候指定不需要GUI的backend(Agg、.
2020-06-17 19:02:00
349
原创 IEEE_Conferences投稿字体问题解决方案
1. pdf和eps中的嵌入字体?LaTeX生成嵌入所有字体的Pdf文件(Windows+MiKTeX)等等。这些文章中的解决方案有些需要重新下载专用的字体子集库,有些需要繁琐的配置文件或输入复杂的命令格式,耗时耗力且不一定可行。我尝试了另一种新的快速易行的解决方法,非常成功,现分享给大家:我使用了CTex这款软件进行文件的编排布局,在经菜单栏TeX中的TeXify->dvips->pspdf等步骤后生成了pdf文件,此时的pdf文件未嵌入所有字体【点击pdf文件中的文件->属性-
2020-06-04 12:25:12
735
转载 西瓜书课后答案汇总
西瓜书电子版课后答案汇总:https://blog.youkuaiyun.com/icefire_tyh/article/details/52064910?utm_source=app
2020-06-03 14:54:42
11709
1
原创 torch之随机数生成
Torch之随机数生成方式torch.rand() torch.randn()torch.normal()torch.linespace()1. 均匀分布torch.rand(*sizes, out=None) → Tensor返回一个张量,包含了从区间[0, 1)的均匀分布中抽取的一组随机数。张量的形状由参数sizes定义。参数:sizes (int...) - 整数序列,定义了输出张量的形状out (Tensor, optinal) - 结果张量例子:torch.ra
2020-06-03 14:51:04
27505
原创 torch.nn.Linear函数参数使用
import torch x = torch.randn(128, 20) # 输入的维度是(128,20)m = torch.nn.Linear(20, 30) # 20,30是指维度output = m(x)print('m.weight.shape:\n ', m.weight.shape)print('m.bias.shape:\n', m.bias.shape)print(...
2020-02-16 16:37:06
7969
原创 torch中dataloader加速
class data_prefetcher(): def __init__(self, loader): self.loader = iter(loader) self.stream = torch.cuda.Stream() self.mean = torch.tensor([0.485 * 255, 0.456 * 255, 0.406 ...
2019-12-02 12:10:18
907
1
原创 torch学习笔记
CPU/GPU上加载模型https://blog.youkuaiyun.com/g11d111/article/details/80909403
2019-12-02 12:08:26
131
原创 环境配置
是否安装CUDACUDA 安装链接,此安装是在系统用户下进行:https://blog.youkuaiyun.com/qyhaill/article/details/98473779是否安装anacondaAnaconda 以及tensorflow安装链接,次安装最好安装在自己用户目录下:https://blog.youkuaiyun.com/yangwangnndd/article/detail...
2019-12-02 00:18:37
181
原创 ERROR:! TeX capacity exceeded, sorry [input stack size=5000].
ERROR:! TeX capacity exceeded, sorry [input stack size=5000].原因:由于window下符号目录符号“\”和连接符号“\”混淆导致,所以导致在window下编写latex时,不能使用子目录,所有文件需要放在工程目录下。...
2019-10-05 12:49:31
9045
7
转载 关于pytorch inplace opeartion,需要知道的几件事
关于pytorch inplace opeartion,需要知道的几件事原文链接:https://zhuanlan.zhihu.com/p/38475183
2019-10-02 12:17:27
210
转载 PyTorch中 tensor.detach() 和 tensor.data 的区别
PyTorch0.4中,.data 仍保留,但建议使用 .detach(), 区别在于 .data 返回和 x 的相同数据 tensor, 但不会加入到x的计算历史里,且require s_grad = False, 这样有些时候是不安全的, 因为 x.data 不能被 autograd 追踪求微分 。 .detach() 返回相同数据的 tensor ,且 requires_grad=False...
2019-10-02 12:13:09
464
转载 numpy之random.choice
import numpy as np# 参数意思分别 是从a 中以概率P,随机选择3个, p没有指定的时候相当于是一致的分布a1 = np.random.choice(a=5, size=3, replace=False, p=None)print(a1)# 非一致的分布,会以多少的概率提出来a2 = np.random.choice(a=5, size=3, replace=Fals...
2019-09-24 14:52:45
174
原创 torch中对nn.Parameters中部分参数加入噪声
Write to .data instead? [RuntimeError: a leaf Variable that requires grad has been used in an in-place operation.]如题:当进行下述操作时,my_adam = optim.Adam([z], lr=self.lr_shape)# and this comes in the tra...
2019-09-09 17:09:39
923
原创 python之矩阵中":"和"::x"
Python中经常对矩阵或者元组进行操作,其中使用经常使用的操作符号:a = [1,2,3,4]a = [:2] # 表示读取矩阵中元素到第2个,即角标小于2的元素,元素角标从0开始算起,输出为1,2a = [:-1] # 表示读取到倒数第1个元素,即输出为 1,2,3a = [::2] # 表示当读取的第一个元素角标是x时,第二的读取的元素角标为x + 2...
2019-09-04 14:17:00
964
转载 torch之模型加载load_state_dict
ERROR:PyTorch加载模型model.load_state_dict()问题,Unexpected key(s) in state_dict: "module.features…,Expected .希望将训练好的模型加载到新的网络上。如上面题目所描述的,PyTorch在加载之前保存的模型参数的时候,遇到了问题。Unexpected key(s) in state_dict: "mod...
2019-09-02 11:04:35
102372
7
ICML19-attention.pdf
2020-03-26
Notes on Differential Geometry and Lie Groups - A Second Course.pdf
2019-08-05
2019年云计算发展白皮书-信通院-2019.6-55页(5).pdf
2019-07-04
斯坦福凸优化课程书籍课件和练习.rar
2019-06-22
How-to-Write-Paper.rar
2019-06-18
Understanding Tensor Processing Units – Sciforce – Medium.pdf
2019-06-18
download.py
2019-06-16
sftpDrive(内附有注册码)
2019-04-28
paper reading:Deep Residual Learning for Image Recognition
2019-04-23
A Self-Adaptive Deep Learning-Based System for Anomaly Detection
2019-04-19
Linux工程模板
2019-04-06
deep reinforcement learning
2019-04-05
空空如也
TA创建的收藏夹 TA关注的收藏夹
TA关注的人