AI
文章平均质量分 56
DarrenXf
这个作者很懒,什么都没留下…
展开
-
极大似然估计 伯努利分布 高斯分布 正态分布
#极大似然估计 伯努利分布 高斯分布 正态分布概率分布的参数能以最高的概率产生这些样本。如果观察到的数据是 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 · 2225 阅读 · 0 评论 -
OpenAI GPT Improving Language Understanding by Generative Pre-Training
paper OpenAI GPT Improving Language Understanding by Generative Pre-Traininghttps://s3-us-west-2.amazonaws.com/openai-assets/research-covers/language-unsupervised/language_understanding_paper.pdf个人...翻译 2019-03-12 17:07:15 · 2223 阅读 · 0 评论 -
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 · 2960 阅读 · 0 评论 -
GLUE多任务数据集介绍
GLUE 是一个自然语言任务集合,包括以下这些数据集namefull nametaskchineseMNLIMulti-Genre NLINatural language inference自然语言推断QQPQuora Quora Question PairsSemantic textual similarity/Paraphrase identifica...原创 2019-04-07 18:14:43 · 9899 阅读 · 0 评论 -
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 · 6956 阅读 · 0 评论 -
美股股票代码 A股 香港股票代码 上海股票代码 深圳股票代码csv
stock_codestock code, stock symbol美股股票代码file us_stock_code.csv code name0 A 安捷伦1 AA ...原创 2019-06-29 23:45:14 · 5263 阅读 · 0 评论 -
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 · 6254 阅读 · 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 · 6590 阅读 · 0 评论 -
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 · 979 阅读 · 1 评论 -
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 · 1355 阅读 · 0 评论 -
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 · 1456 阅读 · 0 评论 -
高斯误差线性单元 Gaussian Error Linear Units(GELU)
paperhttps://arxiv.org/abs/1606.08415个人翻译,并不权威高斯误差线性单元摘要我们提出高斯误差线性单元(GELU),一个高性能的神经网络激活函数。GELU的非线性是通过随机地应用恒等或0来映射一个神经网络的输入的随机正则化的预期转换。GELU的非线性权重输入通它们的量级而不是像ReLU那样通过输入的符号控制输入。我们执行一个关于GELU,ReLU...翻译 2019-03-07 20:26:20 · 3049 阅读 · 0 评论 -
Transformer Attention Is All You Need
Attention Is All You Needpaperhttps://arxiv.org/pdf/1706.03762.pdf注意力就是你需要的所有摘要主导的序列转换模型是基于复杂的循环或卷积神经网络,包括编码器和解码器。最佳性能的模型还通过注意力机制连接编码器和解码器。我们提出了一种新的简单的网络结构,即Transformer,它只是基于注意力机制,完全不需要循环和卷积。两...翻译 2019-03-14 16:50:43 · 1121 阅读 · 0 评论 -
Ubuntu 16.04 下查看gpu的运行情况
$ nvidia-smiFri Aug 31 14:49:38 2018 +-----------------------------------------------------------------------------+| NVIDIA-SMI 384.130 Driver Version: 384.130 ...原创 2018-08-31 14:53:21 · 6047 阅读 · 3 评论 -
Ubuntu 16.04 安装CUDA9.2
Verify You Have a CUDA-Capable GPU$ lspci | grep -i nvidia01:00.0 VGA compatible controller: NVIDIA Corporation Device 1b06 (rev a1)01:00.1 Audio device: NVIDIA Corporation Device 10ef (rev a1)...原创 2018-08-29 13:31:03 · 1649 阅读 · 0 评论 -
cifar10数据格式以及读取方式
cifar10 数据网站http://www.cs.toronto.edu/~kriz/cifar.html读取下面的文件CIFAR-10 binary version (suitable for C programs) 162 MB c32a1d4ab5d03f1284b67883e8d87530下载cifar-10-binary.tar.gz 到./data/文件夹下cd ./da...原创 2018-12-31 16:40:40 · 9828 阅读 · 0 评论 -
测试pytorch 调用gpu 加速矩阵相乘. accelerate matrix multiplication
下面是我机器中的cpu和gpu型号31.4 GiBIntel® Core™ i7-8700K CPU @ 3.70GHz × 12 GeForce GTX 1080 Ti/PCIe/SSE264-bit代码会在下面给出先看下整体的输出效果 对比了float32 float64 分别用numpy,torch cpu 以及torch gpu 运算矩阵相乘运行1000次 方阵大小1-50...原创 2019-01-24 16:38:52 · 6421 阅读 · 5 评论 -
pytorch 实现迁移学习 transfer learn区分 蜜蜂和蚂蚁
数据集这个数据集是一个很小的imagenet的子集.下载链接https://download.pytorch.org/tutorial/hymenoptera_data.zip下载下来以后unzip hymenoptera_data.zip文件夹结构./data/hymenoptera_data/ ->train/ ...原创 2019-02-01 22:23:34 · 1123 阅读 · 1 评论 -
pytorch实现 chatbot聊天机器人
涉及的论文Neural Conversational Model https://arxiv.org/abs/1506.05869Luong attention mechanism(s) https://arxiv.org/abs/1508.04025Sutskever et al. https://arxiv.org/abs/1409.3215GRU Cho et al. https:/...原创 2019-02-02 16:26:00 · 3228 阅读 · 0 评论 -
pytorch实现classifying names with a character-level RNN
papersThe Unreasonable Effectiveness of Recurrent Neural Networkshttps://karpathy.github.io/2015/05/21/rnn-effectiveness/Understanding LSTM Networkshttps://colah.github.io/posts/2015-08-Understan...原创 2019-02-19 14:40:45 · 520 阅读 · 0 评论 -
NLP 自然语言处理 中文任务列表
tableI translated it myself. It may not be authoritative.indexEnglishChinese1Automatic speech recogniton自动语音识别2CCG supertaggingCCG 超级标记3Common sense常识4Constituency parsing...原创 2019-02-26 12:48:21 · 1281 阅读 · 0 评论 -
NLP 自然语言处理数据集 粗略
收集匆忙,并不保证准确datasetindexdatasetAbbreviationtasknote1LiBriSpeechAutomatic speech recogniton2WSJAutomatic speech recogniton3Hub5’00 EvaluationAutomatic speech recogniton...原创 2019-02-26 17:16:41 · 3615 阅读 · 0 评论 -
Ubuntu 18.04 16.04 Nvidia 驱动安装
First,查看nvidia-smi 命令:$ nvidia-smiCommand 'nvidia-smi' not found, but can be installed with:sudo apt install nvidia-340 sudo apt install nvidia-utils-390查看显卡信息:$ lspci |grep VGA01:...原创 2018-08-27 14:11:10 · 14088 阅读 · 5 评论