Skip to content

Commit

Permalink
Merge pull request #1 from ty4z2008/master
Browse files Browse the repository at this point in the history
merge from original repo
  • Loading branch information
zydxt committed Jan 20, 2019
2 parents 9096fcf + 1e2b546 commit f3ee2a0
Show file tree
Hide file tree
Showing 10 changed files with 345 additions and 42 deletions.
2 changes: 1 addition & 1 deletion License.md
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
##Qix

Copyright (C) 2014 https://github.com/ty4z2008/Qix
Copyright (C) 2018 https://github.com/ty4z2008/Qix

Permission is hereby granted, free of charge, to any person obtaining a copy of
this software and associated documentation files (the "Software"), to deal in
Expand Down
2 changes: 1 addition & 1 deletion README.md
Original file line number Diff line number Diff line change
Expand Up @@ -39,7 +39,7 @@ Link :https://github.com/ty4z2008/Qix/blob/master/golang.md

Link :https://github.com/ty4z2008/Qix/blob/master/pg.md

## Distributed system resource
## Distributed system resources

Links :https://github.com/ty4z2008/Qix/blob/master/ds.md

Expand Down
18 changes: 17 additions & 1 deletion algorithm.md
Original file line number Diff line number Diff line change
Expand Up @@ -126,7 +126,7 @@

* [《Edsger Wybe Dijkstra HomePage》](http://www.cs.utexas.edu/~EWD/)

介绍:艾兹赫尔·韦伯·戴克斯特拉是荷兰第一位以程式为专业的科学家,以发现了图论中的最短路径算法([Dijkstra算法](https://www.ssucet.org/old/pluginfile.php/2121/mod_resource/content/1/21-dijkstra.pdf))而闻名于世,1972年因为ALGOL第二代编程语言而获得图灵奖。GOTO有害论“[Go To StatementConsidered Harmful](http://homepages.cwi.nl/~storm/teaching/reader/Dijkstra68.pdf)”(EWD215)也是被广为传颂的经典之作.推荐[Using Dijkstra's algorithm to draw maps](https://github.com/ibaaj/dijkstra-cartography)
介绍:艾兹赫尔·韦伯·戴克斯特拉是荷兰第一位以程式为专业的科学家,以发现了图论中的最短路径算法([Dijkstra算法](https://www.ssucet.org/old/pluginfile.php/2121/mod_resource/content/1/21-dijkstra.pdf))而闻名于世,1972年因为ALGOL第二代编程语言而获得图灵奖。GOTO有害论“[Go To StatementConsidered Harmful](http://homepages.cwi.nl/~storm/teaching/reader/Dijkstra68.pdf)”(EWD215)也是被广为传颂的经典之作.推荐[Using Dijkstra's algorithm to draw maps](https://github.com/ibaaj/dijkstra-cartography). 如果是学习,可能论文会比较难。推荐阅读[理解Dijkstra算法](https://aos.github.io/2018/02/24/understanding-dijkstras-algorithm/)

* [《John Backus HomePage》](http://www.columbia.edu/cu/computinghistory/backus.html)

Expand Down Expand Up @@ -203,3 +203,19 @@
* [《algorithms-primer 》](https://github.com/stacygohyunsi/algorithms-primer)

介绍:算法与数据结构学习资源合集,能帮助你更简单的理解一些重要的数据结构和算法

* [《常见算法实现》](https://github.com/qiwsir/algorithm)

介绍:常见算法实现

* [《International Conference on Algorithmic Learning Theory》](http://proceedings.mlr.press/v76/)

介绍:算法学习理论国际会议

* [《Deep learning Algorithms tutorial》](https://github.com/KeKe-Li/tutorialm)

介绍:常见的机器学习算法

* [《Matters Computational Ideas, Algorithms, Source Code》](https://jjj.de/fxt/fxtbook.pdf)

介绍:计算思想和算法的教科书
15 changes: 15 additions & 0 deletions awesome.md
Original file line number Diff line number Diff line change
Expand Up @@ -18,6 +18,9 @@

介绍:Linux:安装,配置,源码分析,还有在线电子书[Bash Guide for Beginners](http://linux.die.net/Bash-Beginners-Guide/)等等

* [《Linux Documentation and Resources》](http://linux.die.net/)

介绍:Linux:安装,配置,源码分析,还有在线电子书[Bash Guide for Beginners](http://linux.die.net/Bash-Beginners-Guide/)等等
* [《Learn X in Y minutes》](http://learnxinyminutes.com/)

介绍:编程语言快速学习指南,主要是对编程语言代码的分析
Expand Down Expand Up @@ -398,3 +401,15 @@

介绍:SRE conf2016会议视频与PPT,主要是集中在工程管理方面。例如监控的重要性,面对混乱如何乱而不是方寸。和Google出版的sre可以对比阅读,比较适合基数管理层

* [《Ask HN: What was the best CS paper you read in 2017?》](https://news.ycombinator.com/item?id=16035402)

介绍:HN上面关于2017年读过最好的计算机科学论文的总结问答,问答中揽括了一些理论并且有促进意义的论文。譬如索引的学习,系统设计、软件工程等

* [《CMU15-721:Advanced Database Systems》](http://15721.courses.cs.cmu.edu/spring2017/schedule.html)

介绍:卡内基梅隆大学高级数据库系统课程,拥有课件和视频。课程内容有,并发控制(MVCC、OCC)、LTOP、优化器、数据压缩、执行和调度、并行join

* [《AMPLab paper set》](https://amplab.cs.berkeley.edu/publication)

介绍:加州大学伯克利学校AMPLab实验室论文集合

2 changes: 1 addition & 1 deletion dl.md
Original file line number Diff line number Diff line change
Expand Up @@ -1257,7 +1257,7 @@ Fudan NLP里包含中文分词、关键词抽取、命名实体识别、词性

介绍: 零售领域的数据挖掘文章.

* [《Understanding Convolution in Deep Learning》](https://timdettmers.wordpress.com/2015/03/26/convolution-deep-learning/)
* [《Understanding Convolution in Deep Learning》](https://timdettmers.com/2015/03/26/convolution-deep-learning/)

介绍: 深度学习卷积概念详解,深入浅出.

Expand Down
130 changes: 129 additions & 1 deletion dl2.md
Original file line number Diff line number Diff line change
Expand Up @@ -1287,7 +1287,7 @@

* [《Course notes for CS224N Winter17》](https://github.com/stanfordnlp/cs224n-winter17-notes)

介绍:笔记:斯坦福CS224n深度学习NLP课程(2017)
介绍:笔记:斯坦福CS224n深度学习NLP课程(2017),课程地址[http://web.stanford.edu/class/cs224n/](http://web.stanford.edu/class/cs224n/).这个里面的[设计报告堪比国内博士论文](http://web.stanford.edu/class/cs224n/reports.html)

* [《Persontyle Workshop for Applied Deep Learning》](https://github.com/telecombcn-dl/2017-persontyle)

Expand Down Expand Up @@ -1340,3 +1340,131 @@
* [《Convolutional Neural Networks for Visual Recognition (CS231n Spring 2017)》](https://www.youtube.com/playlist?list=PL3FW7Lu3i5JvHM8ljYj-zLfQRF3EO8sYv)

介绍:斯坦福2017季CS231n深度视觉识别课程视频

* [《Deep Learning for Music (DL4M)》](https://github.com/ybayle/awesome-deep-learning-music)

介绍:音乐深度学习相关资料大列表(音乐生成/语音分离/说话人识别等)

* [《Deep Learning for Music (DL4M)》](https://people.cs.umass.edu/~arvind/arvind_thesis.pdf)

介绍:博士论文:深度神经网络知识表示与推理,附[视频](https://www.youtube.com/watch?v=lc68_d_DnYs)

* [《Recent Deep Learning papers in NLU and RL》](https://github.com/madrugado/deep-learning-nlp-rl-papers)

介绍:近期自然语言理解(NLU)/增强学习(RL)文献选集

* [《Theories of Deep Learning (STATS 385)》](https://stats385.github.io/)

介绍:2017年斯坦福课程:深度学习理论

* [Unlabeled Samples Generated by GAN Improve the Person Re-identification Baseline in vitro](https://github.com/layumi/Person-reID_GAN)

介绍: **ICCV2017 spotlight** 用GAN生成样本,加入监督学习(如ResNet) 提升小样本数据集效果。

* [A Discriminatively Learned CNN Embedding for Person Re-identification ](https://github.com/layumi/2016_person_re-ID)

介绍: **TOMM2017** 用 鉴别loss(Verification)+识别loss(Identification) 来提升深度学习框架(CaffeNet VGGNet ResNet)下 行人重识别检索效果   Caffe版本(https://github.com/D-X-Y/caffe-reid)

* [Pedestrian Alignment Network for Large-scale Person Re-identification ](https://github.com/layumi/Pedestrian_Alignment)

介绍: 行人对齐和行人重识别一起做。统一框架。

* [《On the Information Bottleneck Theory of Deep Learning》](https://openreview.net/forum?id=ry_WPG-A-&noteId=ry_WPG-A-)

介绍:论深度学习信息瓶颈理论

* [《CMU CS 11-747, Fall 2017 Neural Networks for NLP》](http://phontron.com/class/nn4nlp2017/)

介绍:CMU神经网络自然语言处理课程

* [《Awesome Chainer》](https://github.com/chainer-community/awesome-chainer)

介绍:Chainer是一个深度学习框架,提供了很多解决方案,例如动态计算图。它是基于Python编写的

* [《StarGAN: Unified Generative Adversarial Networks for Multi-Domain Image-to-Image Translation》](https://arxiv.org/abs/1711.09020)

介绍:用StarGAN实现人脸部件、性别、年龄、表情等变化。实现[代码](https://github.com/yunjey/StarGAN). YouTube上面有简单的[视频](https://www.youtube.com/watch?v=EYjdLppmERE)介绍。@layumi

* [《Feature Visualization》](https://distill.pub/2017/feature-visualization/)

介绍:利用神经网络增加对图像理解,对特征进行可视化。同时推荐[《Visualizing and Understanding Convolutional Networks》](https://cs.nyu.edu/~fergus/papers/zeilerECCV2014.pdf)。本文是Matthew D.Zeiler 和Rob Fergus于(纽约大学)13年撰写的论文,主要通过Deconvnet(反卷积)来可视化卷积网络,来理解卷积网络,并调整卷积网络;本文通过Deconvnet技术,可视化Alex-net,并指出了Alex-net的一些不足,最后修改网络结构,使得分类结果提升。[中文摘要翻译](http://blog.csdn.net/whiteinblue/article/details/43312059) @layumi

* [《Random Erasing Data Augmentation》](https://arxiv.org/abs/1708.04896)2

介绍:本文提出了一种叫做“Random Erasing”的数据增强方法,通过给图像数据加入随机的噪声进行数据增强,防止过拟合,可以移植到其他的CV任务中。[代码实现](https://github.com/zhunzhong07/Random-Erasing) @layumi

* [《SVDNet for Pedestrian Retrieval》](https://arxiv.org/abs/1703.05693)

介绍: SVDNet在行人重识别的应用[翻译](https://zhuanlan.zhihu.com/p/29326061)[代码](https://github.com/syfafterzy/SVDNet-for-Pedestrian-Retrieval) @layumi

* [《NIPS 2017 Notes》](https://cs.brown.edu/~dabel/blog/posts/misc/nips_2017.pdf)

介绍: 2017年神经信息处理系统大会笔记

* [《Hung-yi Lee Home page》](http://speech.ee.ntu.edu.tw/~tlkagk/)

介绍: 推荐台湾大学的李宏毅教授的主页,他的[机器学习课程](http://speech.ee.ntu.edu.tw/~tlkagk/courses.html)很适合初学者。不会枯燥无味

* [《Kloud Strife DL papers of the year》](https://kloudstrifeblog.wordpress.com/2017/12/15/my-papers-of-the-year/)

介绍: Kloud Strife总结了2017年阅读的论文,对抗网络学习、SGD(随机梯度下降)、模型设计与生成、强化学习

* [《Oxford Deep NLP 2017 course》](https://github.com/oxford-cs-deepnlp-2017/lectures)

介绍: 牛津大学2017年深度自然语言处理课程视频与slides

* [《Speech and Language Processing, 3rd Edition》](https://web.stanford.edu/~jurafsky/slp3/ed3book.pdf)

介绍: 斯坦福大学免费电子书《语音和语言处理》第3版,自然语言处理概论,有关计算语言学和语音识别的知识。

* [《A Brief Introduction to Machine Learning for Engineers》](https://arxiv.org/pdf/1709.02840.pdf)

介绍: 由伦敦国王学院编写的<工程师机器学习简明教程>

* [《An Introduction to Machine Learning with R》](https://lgatto.github.io/IntroMachineLearningWithR/index.html)

介绍: 免费书:R语言机器学习导论

* [《An Introduction to Deep Learning for Tabular Data》](http://www.fast.ai/2018/04/29/categorical-embeddings/)

介绍: 表格数据深度学习入门

* [《OpenAI Scholars 2018 Reinforcement Learning Syllabus》](https://hollygrimm.com/syllabus_rl)

介绍: OpenAI Scholars 2018 强化训练大纲.

* [《Deep reinforcement learning》](https://www.youtube.com/playlist?list=PLJV_el3uVTsODxQFgzMzPLa16h6B8kWM_)

介绍: 李宏毅深度强化学习课程(国语)

* [《Intro to Neural Networks and Machine Learning》](http://www.cs.toronto.edu/~rgrosse/courses/csc321_2018/)

介绍: 多伦多大学课程:CSC 321 Winter 2018.神经网络与机器学习入门

* [《UC Berkeley:Deep Reinforcement Learning》](http://rail.eecs.berkeley.edu/deeprlcourse/)

介绍: UC Berkeley深度強化學習課程,[Youtube](https://www.youtube.com/playlist?list=PLkFD6_40KJIxJMR-j5A1mkxK26gh_qg37)[Bilibili](https://www.bilibili.com/video/av32730838/)

* [《The Illustrated Transformer》](https://jalammar.github.io/illustrated-transformer/)

介绍: 图解Transformer

* [《EE363 - Linear Dynamical Systems》](http://stanford.edu/class/ee363/lectures.html)

介绍: 斯坦福《线性动态系统》课程讲义

* [《Google at EMNLP 2018》](https://ai.googleblog.com/2018/10/google-at-emnlp-2018.html)

介绍: Google的EMNLP 2018成果汇总

* [《COMPGI22 - Advanced Deep Learning and Reinforcement Learning》](https://www.youtube.com/playlist?list=PLqYmG7hTraZDNJre23vqCGIVpfZ_K2RZs)

介绍: 伦敦大学的深度学习与强化学习进阶课程。[slide](https://github.com/enggen/DeepMind-Advanced-Deep-Learning-and-Reinforcement-Learning)

* [《Causal Inference(drafts)》](https://www.hsph.harvard.edu/miguel-hernan/causal-inference-book/)

介绍: 书稿:因果推理概念与方法. [code](https://github.com/jrfiedler/causal_inference_python_code)

* [《INF556 -- Topological Data Analysis (2018-19)》](http://www.enseignement.polytechnique.fr/informatique/INF556/index.html)

介绍: 课程资料:拓扑数据分析。非官方[笔记](https://tlacombe.github.io/teaching/notesCoursINF556/)
Loading

0 comments on commit f3ee2a0

Please sign in to comment.