自定义博客皮肤VIP专享

*博客头图:

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

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

博客底图:

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

栏目图:

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

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

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

原创 ubuntu 下 screenfetch 的安装及使用

ubuntu 下 screenfetch 的安装及使用origin linkhttps://linux.cn/article-1947-1.htmlscreenfetch 是一个CLI bash 脚本,用于在屏幕截图中显示系统/主题信息。它运行在Linux, OS X, FreeBSD等许多其他类似Unix系统上。screenFetch 是一个"命令行信息截图工具"。它可以在终端上显示系统信息,并进行桌面截图。它能生成漂亮的文本的系统信息和ASCII艺术的发行版LOGO,然后显示在屏幕截屏图片

2021-11-28 20:22:21 1693 1

原创 matplotlib 展示numpy图像

matplotlib 显示numpy图像显示图像#!/usr/bin/python# -*- coding: utf-8 -*-###################################### File name : plt_img.py# Create date : 2021-09-04 17:14# Modified date : 2021-09-04 23:36# Author : DARREN# Describe : not set# Email : lzygzh@

2021-09-05 00:04:39 7162

原创 ubuntu截屏

ubuntu 截屏Alt+PrintScreen 截取当前窗口Shift+PrintScreen 截取任意矩形内容

2021-09-04 16:58:37 272

原创 python基础操作性能测试2

python基础操作性能测试2python3 code#!/usr/bin/python# -*- coding: utf-8 -*-###################################### File name : python_base_op_test.py# Create date : 2021-07-17 21:24# Modified date : 2021-07-17 23:15# Author : DARREN# Describe : not set#

2021-09-04 16:41:49 157

原创 安装 torchvision

安装torchvisionpip install torchvisionpython3 use pip3pip3 install torchvisionchange originpip3 install -i https://pypi.tuna.tsinghua.edu.cn/simple --upgrade torchvision

2021-09-04 16:34:21 2776

原创 linux ubuntu 上安装rar 压缩软件

linux 上安装rar 压缩软件ubuntu 16.04sudo apt-get install unrarReading package lists... DoneBuilding dependency tree Reading state information... DonePackage unrar is not available, but is referred to by another package.This may mean that the package

2021-09-04 16:22:56 774

原创 No module named _lzma

No module named _lzmaModuleNotFoundError: No module named ‘_lzma’ubuntu 16.04 下sudo apt-get install lzmasudo apt-get install liblzma-dev # 然后在运行还会有这个问题这种类似的问题应该是需要重新编译python去到下载的python包里按照readme 重新配置编译或者应该在编译测试时,就把出现的错误一一解决。经过测试重新编译下python就可以

2021-09-04 16:21:17 1525

原创 python基础操作性能测试

python 基础操作的性能测试#!/usr/bin/python# -*- coding: utf-8 -*-###################################### File name : python_base_op_test.py# Create date : 2021-07-12 14:35# Modified date : 2021-07-12 15:41# Author : DARREN# Describe : not set# Email : lzygz

2021-07-12 15:49:46 118

翻译 SAC:Soft Actor-Critic Off-Policy Maximum Entropy Deep Reinforcement Learning with a Stochastic Actor

Soft Actor-Critic Off-Policy Maximum Entropy Deep Reinforcement Learning with a Stochastic Actor 1801.01290论文地址https://arxiv.org/abs/1801.01290个人翻译,并不权威Tuomas HaarnojaAurick ZhouPieter AbbeelSergey LevineAbstract 摘要无模型深度强化学习(RL)算法Model-free deep

2021-05-22 22:00:51 1444

翻译 PPO:Proximal Policy Optimization Algorithms

Proximal Policy Optimization Algorithms 近端策略优化算法论文地址https://arxiv.org/abs/1707.06347个人翻译,并不权威John Schulman, Filip Wolski, Prafulla Dhariwal, Alec Radford, Oleg KlimovOpenAI{joschu, filip, prafulla, alec, oleg}@openai.comABSTRACT 摘要我们提出了一种新的强化学习策略梯

2021-03-14 11:02:15 1853

翻译 DDPG:CONTINUOUS CONTROL WITH DEEP REINFORCEMENT LEARNING

CONTINOUS CONTROL WITH DEEP REINFORCEMENT LEARNING论文地址https://arxiv.org/abs/1509.02971个人翻译,并不权威Timothy P.Lilicrp,Jonathan J.Hunt,Alexander Pritzel, Nicolas Heess,Tom Erez, Yuval Tassa, David Silver & Daan WierstraGoogle DeepmindLondon,UK{count

2021-02-28 17:18:27 1197

翻译 DQN:Playing Atari with Deep Reinfocement Learning

Playing Atari with Deep Reinfocement Learning论文地址https://www.cs.toronto.edu/~vmnih/docs/dqn.pdf个人翻译,并不权威深度强化学习玩Atari摘要我们提出了第一个成功通过强化学习直接从高维感官输入中学习控制策略的深度学习模型。该模型是一个卷积神经网络,用Q-learing的变种训练,输入为原始像素,输出为估计未来reward的值函数。我们将我们的方法应用于七个来自街机学习环境的Atari 2600游戏

2021-02-23 23:23:09 941

原创 伪随机数生成器 numpy.random.RandomState函数用法

伪随机数生成器伪随机数是用确定性的算法计算出来的似来自[0,1]均匀分布的随机数序列。并不是真正的随机,但具有类似于随机数的统计特征,如均匀性,独立性。import numpy as nprng = np.random.RandomState(2)ret = rng.rand(5)print(ret)rng = np.random.RandomState(2)ret = rng.rand(5)print(ret)output[0.4359949 0.02592623 0.549

2021-02-10 18:15:50 693

原创 ID IID UID UUID

ID IID UID UUIDID -> ID3IID -> IID3UID -> UID3UUID -> UUID3

2021-01-10 15:56:05 804

原创 IUUUULD3的推导

IUUUULD3 的推到从ID中发现的秘密随着I的增加人的心里会发生变化IDIIIIDIIIIIIIIIDIIIIIIIIIIIIIIIDIHHHHDIUUUUDIUUUULDIUUUULD3IUUUU∩D38IUUUULD3IIIUUUULD3IIIUUUU∩D3IDIIIIDIIIIIIIIIDIIIIIIIIIIIIIIIDIHHHHDIUUUUDIUUUULDIUUUULD3IUUUU∩D38IUUUULD3IIIUUUULD3

2021-01-10 15:38:20 252

原创 key papers in deep rl 深度强化学习的关键论文

key_papers_in_deep_rlWhat follows is a list of papers in deep RL that are worth reading. This is far from comprehensive, but should provide a useful starting point for someone looking to do research ...

2020-03-16 20:35:18 742

原创 install mpiexec

install mpiexecsudo apt-get install mpichif you have rootsudo pip install mpi4pyif you do not have root.pip install mpi4py --user

2020-03-16 20:33:41 744

原创 ModuleNotFoundError: No module named 'distutils.spawn'

ModuleNotFoundError: No module named ‘distutils.spawn’solutioninstall python3-distutilssudo apt-get install python3-distutils

2020-03-16 20:31:51 1797

原创 Some index files failed to download. They have been ignored, or old ones used instead

Some index files failed to download. They have been ignored, or old ones used insteadwhen use–sudo apt-get updatefail and showSome index files failed to download. They have been ignored, or old o...

2020-03-16 20:30:30 1144

原创 E: Package <packagename> has no installation candidate

E: Package has no installation candidatesolutionsudo apt-get updatesudo apt-get upgradesudo apt-get install <packagename>

2020-03-16 20:29:42 370

原创 open mysql root remote

open mysql root remotewe can not remote login root default after install mysql.now we want to user root to login mysql.first localhost login use root.mysql -uroot -pHere need to put in password ...

2020-03-16 20:28:56 240

原创 linux mount disk

linux mount diskfirst show the diskssudo fdisk -lshow like thisDisk /dev/sda: 223.6 GiB, 240057409536 bytes, 468862128 sectorsUnits: sectors of 1 * 512 = 512 bytesSector size (logical/physical)...

2020-03-16 20:27:58 802

原创 docker mysql start fail Fatal error: Can't open and lock privilege tables

docker mysql start failFatal error: Can’t open and lock privilege tableswhen use-service mysql startthen you get a fail returnsolutionmysqld --user=mysqland retryservice mysql startgood lu...

2020-03-16 20:26:53 450

原创 about ubuntu could not get lock /var/lib/dpkg/lock solution

about ubuntu could not get lock /var/lib/dpkg/lock solutiondelete the lock filesudo rm /var/lib/dpkg/lockthen you can use apt-get likesudo apt-get install vim

2020-03-16 20:25:43 161

原创 linux根目录下各个目录的含义

#linux 根目录下目录含义文件夹含义用途/bin重要的二进制 (binary) 应用程序包含二进制文件,系统的所有用户使用的命令都在这个目录下。/boot启动 (boot) 配置文件包含引导加载程序相关的文件/dev设备 (device) 文件包含设备文件,包括终端设备,USB或连接到系统的任何设备/etc配置文件、启动脚本等(etc)...

2019-11-21 18:00:59 562

原创 新docker环境安装vim install vim in new docker

install vim to new dockerwhen use new docker,and login dockeryou will findvi:command not foundvim:command not foundand can not use apt-get install vimuse this to installapt-get updateapt-get i...

2019-11-21 14:04:30 300 1

原创 更新ubuntu源 update ubuntu apt source

update ubuntu apt sourcefor a new ubuntu systemif you have a bad net.frist you need to change ubuntu apt origin sourcesback up origin sourcessudo cp /etc/apt/sources.list /etc/apt/sources_init.l...

2019-11-21 12:32:16 1498

原创 给用户增加sudo 权限 add user sudo

#给用户增加sudo 权限 add user sudo条件默认系统是应该有 sudo的 没有的话 要去装设置su root需要root密码然后vim /etc/sudoerslike this## This file MUST be edited with the 'visudo' command as root.## Please consider adding l...

2019-11-21 11:42:56 857

原创 ubuntu 16.04 install docker

ubuntu 16.04 install dockerubuntu 16.04sudo apt-get updatesudo apt-get install \ apt-transport-https \ ca-certificates \ curl \ gnupg-agent \ software-properties-commoncurl -f...

2019-11-21 11:25:27 160

原创 极大似然估计 伯努利分布 高斯分布 正态分布

#极大似然估计 伯努利分布 高斯分布 正态分布概率分布的参数能以最高的概率产生这些样本。如果观察到的数据是 D1,D2,D3,...,DND_1, D_2, D_3, ... , D_ND1​,D2​,D3​,...,DN​,那么极大似然的目标如下:maxP(D1,D2,D3,...,DN)max P(D_1, D_2, D_3, ... , D_N)maxP(D1​,D2​,D3​,.....

2019-10-27 21:38:17 2162

原创 Transformer小结

Attention is all you needTransformerLayerNorm(x + Sublayer(x))整理的Transformer 伪代码输入 Inputs 输出 OutputsX = Positional_Encoding(Input_Embedding(Inputs))X = LayerNorm(X + Multi-Head_Attention(X))X ...

2019-07-24 16:40:18 1055

翻译 XLNet: Generalized Autoregressive PreTraining for Language Understanding

XLNet: Generalized Autoregressive PreTraining for Language Understanding个人翻译,并不专业。论文地址https://arxiv.org/pdf/1906.08237.pdfXLNet: 语言理解的广义自回归预训练摘要具有双向上下文建模,自动编码去燥的能力与基于自动回归语言模型的预训练方法相比,基于BERT的预训...

2019-07-18 20:57:42 913 1

原创 No module named 'matplotlib.finance'

解决 No module named ‘matplotlib.finance’import matplotlib.finance as mpf然后使用mpf.candlestick_ochl出现上面的问题。出现这个问题的原因是在使用的matplotlib版本中, finance 库已经被剔除了。需要使用的话,就得安装。安装finance 库pip install -i http...

2019-06-30 18:14:15 6345

原创 pip安装错误 Beginning with Matplotlib 3.1, Python 3.6 or above is required

pip 安装matplotlib 没有能成功,打印出错误Beginning with Matplotlib 3.1, Python 3.6 or above is required原因本地环境是python 3.6以下的版本。解决如果不升python 版本的话, 降低要安装的matplotlib版本。出现这个问题,安装的版本应该是matplotlib 3.1试着降低版本pip in...

2019-06-30 13:04:42 6199 1

原创 美股股票代码 A股 香港股票代码 上海股票代码 深圳股票代码csv

stock_codestock code, stock symbol美股股票代码file us_stock_code.csv code name0 A 安捷伦1 AA ...

2019-06-29 23:45:14 4740

原创 pytorch gpu 显存 内存 管理 调试 监控 日志

pytorch gpu 显存调试如何运行 gpu_memory_logimport torchfrom gpu_memory_log import gpu_memory_logdtype = torch.floatN, D_in, H, D_out = 64, 1000, 100, 10device = torch.device("cuda")x = torch.randn(N,...

2019-06-02 17:38:31 6755

翻译 BERT:Pre-training of Deep Bidirectional Transformers for Language Understanding

BERT个人翻译,并不权威。paperhttps://arxiv.org/pdf/1810.04805.pdfBERT:Pre-training of Deep Bidirectional Transformers for Language Understanding 深度双向Transformers预训练解决语言理解Abstract 摘要我们引入被叫做BERT的新的语言表示模型,...

2019-04-10 15:23:15 2434

原创 GLUE多任务数据集介绍

GLUE 是一个自然语言任务集合,包括以下这些数据集namefull nametaskchineseMNLIMulti-Genre NLINatural language inference自然语言推断QQPQuora Quora Question PairsSemantic textual similarity/Paraphrase identifica...

2019-04-07 18:14:43 9813

原创 pytorch 实现GPT2

papersGaussian Error Linear Unitstranslate to chineseAttention Is All You Needtranslate to chineseImproving Language Understanding by Generative Pre-Trainingtranslate to chineseLanguage Models ...

2019-03-23 21:47:14 2563

原创 OpenAI GPT pytorch 实现微调 ROCStories 数据集

implement OpenAI gptpapersGaussian Error Linear Unitstranslate to chineseAttention Is All You Needtranslate to chineseImproving Language Understanding by Generative Pre-Trainingtranslate to chi...

2019-03-20 17:46:56 1392

空空如也

空空如也

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

TA关注的人

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