自定义博客皮肤VIP专享

*博客头图:

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

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

博客底图:

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

栏目图:

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

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(1141)
  • 资源 (42)
  • 收藏
  • 关注

原创 几种常见的Graph Embedding方法

https://zhuanlan.zhihu.com/p/33732033https://blog.csdn.net/Super_Json/article/details/83589889

2020-10-14 17:07:35 222

原创 Offline (Batch) Reinforcement Learning: A Review of Literature and Applications

https://danieltakeshi.github.io/2020/06/28/offline-rl/https://bair.berkeley.edu/blog/2019/12/05/bear/

2020-10-12 15:59:18 251

转载 Batch Constrained Deep Reinforcement Learning

https://danieltakeshi.github.io/2019/02/09/batch-constrained-deep-rl/An interesting paper that I am reading isOff-Policy Deep Reinforcement Learning without Exploration. You can findthe latest version on arXiv, where it clearly appears to be under revi..

2020-10-12 14:59:42 426

转载 Batch-Constrained deep Q- Learning(BCQ)

论文全称:Off-Policy Deep Reinforcement Learning Without Exploration (Scott Fujimoto, David Meger, Doina Precup)原文传送门https://arxiv.org/pdf/1812.02900​arxiv.org简介本文其实不算是一篇Exploration的文章,但文章题目中的Without Exploration还是吸引到我了。本文解决的问题是Batch Reinforcement L.

2020-10-11 16:05:38 1759 1

转载 通过减小Bootstrapping Error Reduction来进行离线RL学习

最近尝试了一些offline数据的off-policy算法,发现value function的overestimation问题非常严重,在正常学习估计收敛在400左右的价值函数在离线数据下竟然会一直累积到几十万,高的离谱。正好近期offline RL领域就有一篇工作讲这件事,所以值得仔细读一读。论文全称:Stabilizing Off-Policy Q-Learning via Bootstrapping Error Reduction (Aviral Kumar, Justin Fu, Georg

2020-10-11 15:33:03 857 1

原创 多任务学习(Multi-Task Learning)

https://zhiqianghe.blog.csdn.net/article/details/104541821https://zhiqianghe.blog.csdn.net/article/details/104541821https://blog.csdn.net/weixin_35732969/article/details/103630534

2020-10-10 11:18:01 209

转载 深度神经网络的多任务学习概览(An Overview of Multi-task Learning in Deep Neural Networks)

译自:http://sebastianruder.com/multi-task/1. 前言在机器学习中,我们通常关心优化某一特定指标,不管这个指标是一个标准值,还是企业KPI。为了达到这个目标,我们训练单一模型或多个模型集合来完成指定得任务。然后,我们通过精细调参,来改进模型直至性能不再提升。尽管这样做可以针对一个任务得到一个可接受得性能,但是我们可能忽略了一些信息,这些信息有助于在我们关心的指标上做得更好。具体来说,这些信息就是相关任务的监督数据。通过在相关任务间共享表示信息,我们的模型在原始任务

2020-10-10 11:14:26 2308

转载 利用不确定性来衡量多任务学习中的损失函数

Paper link:CVPR 2018 Open Access Repository​openaccess.thecvf.comCode link:ranandalon/mtl​github.comAbstract多任务学习中的多元回归和分类让很多深度学习程序受益,但是多任务网络结构的性能受每一个任务损失函数的权重影响很大,常规的做法是手动调节这些权重参数,毫无疑问,这是一个低效和困难的工作,不同任务损失的尺度差异非常大,导致整体损失被某一个任务所主导,最终导致其他任务的损失...

2020-10-10 11:04:20 3277

转载 关于多任务学习(MTL),我们应该知道的事

概念相关1. Multi-task learning关于多任务学习的定义并没有统一的标准,这里引用《A survey on multi-task learning》中的定义:与标准的单任务相比,在学习共享表示的同时训练多个任务有两个主要挑战:Loss Function(how to balance tasks):多任务学习的损失函数,对每个任务的损失进行权重分配,在这个过程中,必须保证所有任务同等重要,而不能让简单任务主导整个训练过程。手动的设置权重是低效而且不是最优的,因此,自动的学习

2020-10-10 11:02:16 1372

转载 搬土距离(Earth Mover‘s Distance)

https://www.cnblogs.com/HolyChen/p/5982531.html

2020-10-10 10:52:06 921

原创 Temporal Difference Learning ,Dynamic Programming, Monte Carlo

https://baijiahao.baidu.com/s?id=1664700631856186765&wfr=spider&for=pchttps://www.jianshu.com/p/0bfeb09b7d5fhttps://zhuanlan.zhihu.com/p/73083240https://zhuanlan.zhihu.com/p/57836142

2020-10-09 09:39:35 118

原创 Gumbel-Softmax 对离散变量再参数化

https://zhuanlan.zhihu.com/p/50065712https://zhuanlan.zhihu.com/p/35218887https://www.cnblogs.com/initial-h/p/9468974.htmlhttps://blog.csdn.net/weixin_40255337/article/details/83303702

2020-09-30 18:07:43 342

原创 漫谈重参数:从正态分布到Gumbel Softmax

https://spaces.ac.cn/archives/6705

2020-09-30 17:27:16 650

转载 VAE变分自编码机详解——原理篇

https://zhuanlan.zhihu.com/p/108262170?from_voters_page=true

2020-09-30 17:21:34 187

原创 关于「Inception」和「Xception」的那些事

https://zhuanlan.zhihu.com/p/33999416

2020-09-30 16:24:31 161

原创 Prototypical Networks

https://zhuanlan.zhihu.com/p/73379519

2020-09-30 11:16:58 175

转载 Relation Network

https://blog.csdn.net/jesseyule/article/details/103808718

2020-09-30 11:07:05 243

原创 Matching networks

https://www.cnblogs.com/veagau/p/12164335.htmlhttps://zhuanlan.zhihu.com/p/32101204https://blog.csdn.net/bryant_meng/article/details/80662322

2020-09-30 11:03:45 225

转载 Siamese network 孪生神经网络--一个简单神奇的结构

名字的由来Siamese和Chinese有点像。Siam是古时候泰国的称呼,中文译作暹罗。Siamese也就是“暹罗”人或“泰国”人。Siamese在英语中是“孪生”、“连体”的意思,这是为什么呢?十九世纪泰国出生了一对连体婴儿,当时的医学技术无法使两人分离出来,于是两人顽强地生活了一生,1829年被英国商人发现,进入马戏团,在全世界各地表演,1839年他们访问美国北卡罗莱那州后来成为“玲玲马戏团” 的台柱,最后成为美国公民。1843年4月13日跟英国一对姐妹结婚,恩生了10个小孩,昌生了12个,姐

2020-09-30 10:46:13 831

转载 元学习: 学习如何学习【译】

https://wei-tianhao.github.io/blog/2019/09/17/meta-learning.html

2020-09-30 10:43:18 94 1

原创 Evolution Strategies

https://lilianweng.github.io/lil-log/2019/09/05/evolution-strategies.html文章列表:https://lilianweng.github.io/lil-log/archive.html

2020-09-30 10:28:56 189

原创 跨域预训练语言模型(XLM)

Cross-lingual Language Modelhttps://blog.csdn.net/xygl2009/article/details/103156433https://blog.csdn.net/ljp1919/article/details/97016298

2020-09-29 16:56:50 192

原创 adaptive embedding

https://blog.csdn.net/guotong1988/article/details/87618245

2020-09-29 16:09:38 278

原创 Relative Positional Encodings

参考:https://www.cnblogs.com/shiyublog/p/11185625.htmlhttps://www.cnblogs.com/shiyublog/p/11236212.html第一部分目录Motivation 概述 符号含义 实现 高效实现 结果对于Transformer模型的positional encoding,最初在Attention is all you need的文章中提出的是进行绝对位置编码,之后Shaw在2018年的文章中提出了..

2020-09-29 11:01:23 2636 1

原创 DistillBert

https://zhuanlan.zhihu.com/p/89522799

2020-09-28 12:10:21 246

转载 Knowledge Distillation

https://blog.csdn.net/nature553863/article/details/80568658

2020-09-28 12:06:10 140

原创 NLP中的平滑技术

https://blog.csdn.net/shao1996/article/details/102619728https://www.jianshu.com/p/f7d6f7a59ba5

2020-09-28 09:48:22 134

转载 IoU、GIoU、DIoU、CIoU损失函数的那点事儿

https://zhuanlan.zhihu.com/p/94799295

2020-09-27 17:51:56 929

原创 Global Average Pooling、Global Max Pooling

https://www.zhihu.com/question/358913301https://blog.csdn.net/qq_16234613/article/details/79520929https://www.cnblogs.com/hutao722/p/10008581.html

2020-09-26 18:27:09 542

原创 TCN

https://www.jianshu.com/p/4280f104ddf7https://blog.csdn.net/qq_27586341/article/details/90751794

2020-09-18 18:31:33 240

原创 因果卷积(causal Convolutions)和扩展卷积(Dilated Convolutions)

https://blog.csdn.net/u013195114/article/details/105565696https://blog.csdn.net/qq_34107425/article/details/105522916

2020-09-18 18:29:32 708

原创 BIM BM25 算法

https://blog.csdn.net/SrdLaplace/article/details/84954920https://www.jianshu.com/p/b4f06594d32fhttps://blog.csdn.net/Tink1995/article/details/104745144/

2020-09-18 11:55:15 301

原创 TextRank

https://www.cnblogs.com/motohq/p/11887420.htmlhttps://www.jianshu.com/p/ffaee5708866

2020-09-18 10:39:13 77

原创 距离度量以及python实现

传统距离:欧氏距离(Euclidean Distance),曼哈顿距离(Manhattan Distance),切比雪夫距离( Chebyshev Distance ),闵可夫斯基距离(Minkowski Distance),标准化欧氏距离(Standardized Euclidean distance ),马氏距离(Mahalanobis Distance),夹角余弦(Cosine),皮尔逊相关系数(Pearson correlation),汉明距离(Hamming distance),杰卡德相似系...

2020-09-18 10:14:18 466

原创 GPT 1-2 理解

https://blog.csdn.net/linchuhai/article/details/97274228https://www.cnblogs.com/yifanrensheng/p/13167796.htmlhttps://baijiahao.baidu.com/s?id=1652093322137148754&wfr=spider&for=pchttps://baijiahao.baidu.com/s?id=1652045261459975418&wfr=sp

2020-09-17 12:30:21 193

转载 浅谈 Transformer-based 模型中的位置表示

https://zhuanlan.zhihu.com/p/92017824

2020-09-16 14:49:41 214

原创 XLNET详解

https://blog.csdn.net/u012526436/article/details/93196139https://zhuanlan.zhihu.com/p/70257427https://blog.csdn.net/weixin_37947156/article/details/93035607https://baijiahao.baidu.com/s?id=1654814515140351919&wfr=spider&for=pc

2020-09-16 14:32:04 186

转载 Deformable Convolutional Networks

1 空洞卷积1.1 理解空洞卷积在图像分割领域,图像输入到CNN(典型的网络比如FCN)中,FCN先像传统的CNN那样对图像做卷积再pooling,降低图像尺寸的同时增大感受野,但是由于图像分割预测是pixel-wise的输出,所以要将pooling后较小的图像尺寸upsampling到原始的图像尺寸进行预测,之前的pooling操作使得每个pixel预测都能看到较大感受野信息。因此图像分割FCN中有两个关键,一个是pooling减小图像尺寸增大感受野,另一个是upsampling扩大图像尺寸。在先

2020-09-15 19:06:10 1104

原创 ELMO模型

https://www.cnblogs.com/jiangxinyang/p/10060887.htmlhttps://jozeelin.github.io/2019/07/25/ELMo/http://www.mamicode.com/info-detail-2541410.htmlhttps://zhuanlan.zhihu.com/p/38254332

2020-09-15 14:41:05 110

原创 Transformer-XL

https://zhuanlan.zhihu.com/p/180058518https://zhuanlan.zhihu.com/p/70745925

2020-09-14 12:29:42 180

llama3 study

llama3 study

2024-07-25

tensorrt ppt资料

tensorrt的教程, 和相关的资料,案例,供大家学习

2024-07-09

GPU-知识点资料合集

bank_conflicts coalescing

2023-08-03

Pro Go The Complete Guide -go语言学习最新书籍

Best-selling author Adam Freeman explains how to get the most from Go, starting from the basics and building up to the most advanced and sophisticated features. You will learn how Go builds on a simple and consistent type system to create a comprehensive and productive development experience that produces fast and robust applications that run across platforms 参见:https://www.amazon.com/Pro-Go-Complete-Programming-Efficient/dp/1484273540/ref=sr_1_1?crid=1K22H21ZB1EIZ&keywords=Pro+Go+The+Complete+G

2023-06-19

扩散模型讲义 美国大学之一

扩散模型讲义 美国大学之一

2023-03-28

Advanced_Programming_in_the_UNIX_Environment,_3rd

Advanced_Programming_in_the_UNIX_Environment,_3rd_Edition very good book for unix user

2018-11-30

Pattern_Recognition_and_Big_Data

Pattern_Recognition_and_Big_Data 很好的资源,对于学习大数据的朋友来说

2018-09-07

图论引导 中文

中文版本图论引导

2018-09-05

现代图论--------------

现代图论 研究生教材 适合大家学习与总结了

2018-09-05

Deep_Learning_Quick_Reference

Deep_Learning_Quick_Reference, a cookbook for deep learning

2018-09-01

Convex Optimization Algorithms

Convex Optimization Algorithms, understand convex optimization algorithms, this is good chances

2018-09-01

Guide.to.Medical.Image.Analysis.Methods.and.Algorithms

Guide.to.Medical.Image.Analysis.Methods.and.Algorithms very good book for computer vision

2018-09-01

machine learning algorithm

machine learning algorithm 想学习的可以好好学学了

2018-04-02

Python Machine Learning Machine Learning and Deep Learning

Python Machine Learning Machine Learning and Deep Learning with Python, scikit-learn, and TensorFlow, 2nd Edition 很受推荐

2018-03-27

Data Structures and Algorithms Using Python and C++

Data Structures and Algorithms Using Python and C++ 数据结构与算法方面的书籍

2018-03-27

R_for_Data_Science

R_for_Data_Science_-_Import,_Tidy,_Transform,_Visualize_and_Model_Data.rar

2018-03-27

深度学习之Pytorch

国内少有的学习 pytorch的资料,适合初学者, 希望对大家有帮助,清晰版本

2018-03-27

Machine Learning and Deep Learning with Python, scikit-learn, and TensorFlow

Table of Contents Giving Computers the Ability to Learn from Data Training Simple Machine Learning Algorithms for Classification A Tour of Machine Learning Classifiers Using Scikit-Learn Building Good Training Sets - Data Preprocessing Compressing Data via Dimensionality Reduction Learning Best Practices for Model Evaluation and Hyperparameter Tuning Combining Different Models for Ensemble Learning Applying Machine Learning to Sentiment Analysis Embedding a Machine Learning Model into a Web Application Predicting Continuous Target Variables with Regression Analysis Working with Unlabeled Data - Clustering Analysis Implementing a Multilayer Artificial Neural Network from Scratch Parallelizing Neural Network Training with TensorFlow Going Deeper - The Mechanics of TensorFlow Classifying Images with Deep Convolutional Neural Networks Modeling Sequential Data using Recurrent Neural Networks

2018-03-17

Approximate.Dynamic.Programming.2011

Approximate.Dynamic.Programming 和Reinforcement learning an introduction 一起学习

2018-01-17

计算群体智能基础

计算群体智能基础, 学习群体智能算法很好的一本书籍, 推荐

2018-01-13

Swarm Intelligence Principles Advances and Applications

Swarm Intelligence Principles Advances and Applications

2018-01-13

Reinforcement Learning With Open A TensorFlow and Keras Using Python.pdf

Reinforcement Learning With Open A TensorFlow and Keras Using Python, 利用python进行增强学习的书籍,是目前最新的

2017-12-18

Fundamentals of Deep Learning完整非扫描版本2017

Fundamentals of Deep Learning 完整非扫描版本, 作者会不断完善更新这本书, 现在是2017年版本 Nikhil Buduma and Nicholas Locascio

2017-12-16

Data Wrangling with R

Data Wrangling with R, R进行数据处理很好的一本书了

2017-12-15

NLTK基础教程-用NLTK和Python库构建机器学习应用2017-06

NLTK基础教程-用NLTK和Python库构建机器学习应用2017-06

2017-12-13

Text Mining in Practice with R 2017.12

最新版本的书籍,Text Mining in Practice with R, 对于R学习者很有用处。

2017-12-13

Text_Mining-From_Ontology_Learning_to_Automated_Text_Processing_Applications

很好的资料了,Text_Mining-From_Ontology_Learning_to_Automated_Text_Processing_Applications

2017-12-13

Python Natural Language Processing最新版本

很好的一本数, 是比较全的NLP知识的书籍了,欢迎大家下载,英文版

2017-12-06

Mastering Scipy

很好的学习scipy的书籍,希望能够用得到好好学习, 谢谢

2017-11-27

Elegant SciPy

2017年8月的一本新书,对学习scipy这个库有很大的帮助。

2017-11-27

Tensorflow 机器学习参考手册2007

TensorFlow Machine Learning Cookbook2017, 很好的一本数, 中文翻译版, 希望给大家带来很好的帮助了

2017-11-22

reinforcement learning An Introduction 第二版

完整版,并且清晰度很好的一本书,是初学者理想的选择了

2017-11-13

Spark大数据处理技术 带标签 完整版

Spark大数据处理技术 这本书讲解的很全面, 很适合学习,但大部分网上下载的都是零碎不完整的,这本是经过优化整理,压缩后的完整的版本。

2017-11-12

TensorFlow技术解析与实战 高清晰完整版- 2017新书

TensorFlow技术解析与实战, 2017年出版最新的一本书,很适合初学者

2017-11-03

TENSORFLOW深度学习

TENSORFLOW深度学习,(DEEP LEARNING WITH TENSORFLOW)很好的一本书

2017-10-30

模式分类11

2016-11-07

集体编程智慧

2016-11-07

敏捷软件开发:原则、模式与实践

用处很大了, 主要讲了设计模式, 敏捷开发机制和时间方式,对你帮助很大的,我看了后才有领悟

2013-09-29

面向对象方法原理与实践

很好的资料,初学者进一步升级使用的资料,软件工程技术用书,原书第三版

2012-10-19

ollydbg 教程

ollydbg 的使用教程 我见过的最专业和最好的教程, 中文版的

2010-01-28

空空如也

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

TA关注的人

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