【貢獻者】ty4z2008、pkuphy、peimin、jappre、CSerxy
【整理者】ty4z2008
【源鏈接】https://github.com/ty4z2008/Qix/blob/master/dl.md
【備注】源鏈接為總鏈接,共包括626個子鏈接
【編輯】Major術業,在原文基礎上,為每篇標記上序號,方便大家區分和查閱
401《How to Choose a Neural Network》
介紹:deeplearning4j官網提供的實際應用場景NN選擇參考表,列舉了一些典型問題建議使用的神經網絡
402《Deep Learning (Python, C/C++, Java, Scala, Go)》
介紹:一個深度學習項目,提供了Python, C/C++, Java, Scala, Go多個版本的代碼
403《Deep Learning Tutorials》
介紹:深度學習教程,github
404《自然語言處理的發展趨勢——訪卡內基梅隆大學愛德華·霍威教授》
介紹:自然語言處理的發展趨勢——訪卡內基梅隆大學愛德華·霍威教授.
405《FaceNet: A Unified Embedding for Face Recognition and Clustering》
介紹:Google對Facebook DeepFace的有力回擊—— FaceNet,在LFW(Labeled Faces in the Wild)上達到99.63%準確率(新紀錄),FaceNet embeddings可用于人臉識別、鑒別和聚類.
406《MLlib中的Random Forests和Boosting》
介紹:本文來自Databricks公司網站的一篇博客文章,由Joseph Bradley和Manish Amde撰寫,文章主要介紹了Random Forests和Gradient-Boosted Trees(GBTs)算法和他們在MLlib中的分布式實現,以及展示一些簡單的例子并建議該從何處上手.中文版.
407《Sum-Product Networks(SPN) 》
介紹:華盛頓大學Pedro Domingos團隊的DNN,提供論文和實現代碼.
408《Neural Network Dependency Parser》
介紹:基于神經網絡的自然語言依存關系解析器(已集成至Stanford CoreNLP),特點是超快、準確,目前可處理中英文語料,基于《A Fast and Accurate Dependency Parser Using Neural Networks》 思路實現.
409《神經網絡語言模型》
介紹:本文根據神經網絡的發展歷程,詳細講解神經網絡語言模型在各個階段的形式,其中的模型包含NNLM[Bengio,2003]、Hierarchical NNLM[Bengio, 2005], Log-Bilinear[Hinton, 2007],SENNA等重要變形,總結的特別好.
410《Classifying Spam Emails using Text and Readability Features》
介紹:經典問題的新研究:利用文本和可讀性特征分類垃圾郵件。
411《BCI Challenge @ NER 2015》
介紹:Kaggle腦控計算機交互(BCI)競賽優勝方案源碼及文檔,包括完整的數據處理流程,是學習Python數據處理和Kaggle經典參賽框架的絕佳實例
412《IPOL Journal · Image Processing On Line》
介紹:IPOL(在線圖像處理)是圖像處理和圖像分析的研究期刊,每篇文章都包含一個算法及相應的代碼、Demo和實驗文檔。文本和源碼是經過了同行評審的。IPOL是開放的科學和可重復的研究期刊。我一直想做點類似的工作,拉近產品和技術之間的距離.
413《Machine learning classification over encrypted data》
介紹:出自MIT,研究加密數據高效分類問題.
414《purine2》
介紹:新加坡LV實驗室的神經網絡并行框架Purine: A bi-graph based deep learning framework,支持構建各種并行的架構,在多機多卡,同步更新參數的情況下基本達到線性加速。12塊Titan 20小時可以完成Googlenet的訓練。
415《Machine Learning Resources》
介紹:這是一個機器學習資源庫,雖然比較少.但蚊子再小也是肉.有突出部分.此外還有一個由zheng Rui整理的機器學習資源.
416《Hands-on with machine learning》
介紹:Chase Davis在NICAR15上的主題報告材料,用Scikit-Learn做監督學習的入門例子.
417《The Natural Language Processing Dictionary》
介紹:這是一本自然語言處理的詞典,從1998年開始到目前積累了成千上萬的專業詞語解釋,如果你是一位剛入門的朋友.可以借這本詞典讓自己成長更快.
418《PageRank Approach to Ranking National Football Teams》
介紹:通過分析1930年至今的比賽數據,用PageRank計算世界杯參賽球隊排行榜.
419《R Tutorial》
介紹:R語言教程,此外還推薦一個R語言教程An Introduction to R.
420《Fast unfolding of communities in large networks》
介紹:經典老文,復雜網絡社區發現的高效算法,Gephi中的[Community detection](The Louvain method for community detection in large networks)即基于此.
421《NUML》
介紹: 一個面向 .net 的開源機器學習庫,github地址
422《synaptic.Js》
介紹: 支持node.js的JS神經網絡庫,可在客戶端瀏覽器中運行,支持LSTM等 github地址
423《Machine learning for package users with R (1): Decision Tree》
介紹: 決策樹
424《Deep Learning, The Curse of Dimensionality, and Autoencoders》
介紹: 討論深度學習自動編碼器如何有效應對維數災難,國內翻譯
425《Advanced Optimization and Randomized Methods》
介紹: CMU的優化與隨機方法課程,由A. Smola和S. Sra主講,優化理論是機器學習的基石,值得深入學習 國內云(視頻)
426《CS231n: Convolutional Neural Networks for Visual Recognition》
介紹: "面向視覺識別的CNN"課程設計報告集錦.近百篇,內容涉及圖像識別應用的各個方面
427《Topic modeling with LDA: MLlib meets GraphX》
介紹:用Spark的MLlib+GraphX做大規模LDA主題抽取.
428《Deep Learning for Multi-label Classification》
介紹: 基于深度學習的多標簽分類,用基于RBM的DBN解決多標簽分類(特征)問題
429《Google DeepMind publications》
介紹: DeepMind論文集錦
430《kaldi》
介紹: 一個開源語音識別工具包,它目前托管在sourceforge上面
431《Data Journalism Handbook》
介紹: 免費電子書《數據新聞手冊》, 國內有熱心的朋友翻譯了中文版,大家也可以在線閱讀
432《Data Mining Problems in Retail》
介紹: 零售領域的數據挖掘文章.
433《Understanding Convolution in Deep Learning》
介紹: 深度學習卷積概念詳解,深入淺出.
434《pandas: powerful Python data analysis toolkit》
介紹: 非常強大的Python的數據分析工具包.
435《Text Analytics 2015》
介紹: 2015文本分析(商業)應用綜述.
436《Deep Learning libraries and ?rst experiments with Theano》
介紹: 深度學習框架、庫調研及Theano的初步測試體會報告.
437《DEEP learning》
介紹: MIT的Yoshua Bengio, Ian Goodfellow, Aaron Courville著等人講深度學習的新書,還未定稿,線上提供Draft chapters收集反饋,超贊!強烈推薦.
438《simplebayes》
介紹: Python下開源可持久化樸素貝葉斯分類庫.
439《Paracel》
介紹:Paracel is a distributed computational framework designed for machine learning problems, graph algorithms and scientific computing in C++.
440《HanLP:Han Language processing》
介紹: 開源漢語言處理包.
441《Simple Neural Network implementation in Ruby》
介紹: 使用Ruby實現簡單的神經網絡例子.
442《Hacker's guide to Neural Networks》
介紹:神經網絡黑客入門.
443《The Open-Source Data Science Masters》
介紹:好多數據科學家名人推薦,還有資料.
444《Text Understanding from Scratch》
介紹:實現項目已經開源在github上面Crepe
445《 Improving Distributional Similarity with Lessons Learned from Word Embeddings》
介紹:作者發現,經過調參,傳統的方法也能和word2vec取得差不多的效果。另外,無論作者怎么試,GloVe都比不過word2vec.
446《CS224d: Deep Learning for Natural Language Processing》
介紹:Stanford深度學習與自然語言處理課程,Richard Socher主講.
447《Math Essentials in Machine Learning》
介紹:機器學習中的重要數學概念.
448《Improved Semantic Representations From Tree-Structured Long Short-Term Memory Networks》
介紹:用于改進語義表示的樹型LSTM遞歸神經網絡,句子級相關性判斷和情感分類效果很好.實現代碼.
449《Statistical Machine Learning》
介紹:卡耐基梅隆Ryan Tibshirani和Larry Wasserman開設的機器學習課程,先修課程為機器學習(10-715)和中級統計學(36-705),聚焦統計理論和方法在機器學習領域應用.
450《AM207: Monte Carlo Methods, Stochastic Optimization》
介紹:《哈佛大學蒙特卡洛方法與隨機優化課程》是哈佛應用數學研究生課程,由V Kaynig-Fittkau、P Protopapas主講,Python程序示例,對貝葉斯推理感興趣的朋友一定要看看,提供授課視頻及課上IPN講義.
451《生物醫學的SPARK大數據應用》
介紹:生物醫學的SPARK大數據應用.并且伯克利開源了他們的big data genomics系統ADAM,其他的內容可以關注一下官方主頁.
452《ACL Anthology》
介紹:對自然語言處理技術或者機器翻譯技術感興趣的親們,請在提出自己牛逼到無以倫比的idea(自動歸納翻譯規律、自動理解語境、自動識別語義等等)之前,請通過谷歌學術簡單搜一下,如果谷歌不可用,這個網址有這個領域幾大頂會的論文列表,切不可斷章取義,胡亂假設.
453《Twitter Sentiment Detection via Ensemble Classification Using Averaged Confidence Scores》
介紹:論文+代碼:基于集成方法的Twitter情感分類,實現代碼.
454《NIPS 2014 CIML workshop》
介紹:NIPS CiML 2014的PPT,NIPS是神經信息處理系統進展大會的英文簡稱.
455《CS231n: Convolutional Neural Networks for Visual Recognition》
介紹:斯坦福的深度學習課程的Projects 每個人都要寫一個論文級別的報告 里面有一些很有意思的應用 大家可以看看 .
456《A Speed Comparison Between Flexible Linear Regression Alternatives in R》
介紹:R語言線性回歸多方案速度比較具體方案包括lm()、nls()、glm()、bayesglm()、nls()、mle2()、optim()和Stan’s optimizing()等.
457《Back-to-Basics Weekend Reading - Machine Learning》
介紹:文中提到的三篇論文(機器學習那些事、無監督聚類綜述、監督分類綜述)都很經典,Domnigos的機器學習課也很精彩
458《A Probabilistic Theory of Deep Learning》
介紹:萊斯大學(Rice University)的深度學習的概率理論.
459《Nonsensical beer reviews via Markov chains》
介紹:基于馬爾可夫鏈自動生成啤酒評論的開源Twitter機器人,github地址.
460《Deep Learning for Natural Language Processing (without Magic)》
介紹:視頻+講義:深度學習用于自然語言處理教程(NAACL13).
461《Introduction to Data Analysis using Machine Learning》
介紹:用機器學習做數據分析,David Taylor最近在McGill University研討會上的報告,還提供了一系列講機器學習方法的ipn,很有價值 GitHub.國內
462《Beyond Short Snippets: Deep Networks for Video Classification》
介紹:基于CNN+LSTM的視頻分類,google演示.
463《How does Quora use machine learning in 2015?》
介紹:Quora怎么用機器學習.
464《Amazon Machine Learning – Make Data-Driven Decisions at Scale》
介紹:亞馬遜在機器學習上面的一些應用,代碼示例.
465《Parallel Machine Learning with scikit-learn and IPython》
介紹:并行機器學習指南(基于scikit-learn和IPython).notebook
466《Intro to machine learning with scikit-learn》
介紹:DataSchool的機器學習基本概念教學.
467《DeepCLn》
介紹:一個基于OpenGL實現的卷積神經網絡,支持Linux及Windows系.
468《An Inside Look at the Components of a Recommendation Engine》
介紹:基于Mahout和Elasticsearch的推薦系統.
469《Forecasting in Economics, Business, Finance and Beyond》
介紹:Francis X. Diebold的《(經濟|商業|金融等領域)預測方法.
470《Time Series Econometrics - A Concise Course》
介紹:Francis X. Diebold的《時序計量經濟學》.
471《A comparison of open source tools for sentiment analysis》
介紹:基于Yelp數據集的開源情感分析工具比較,評測覆蓋Naive Bayes、SentiWordNet、CoreNLP等 .
472《Pattern Recognition And Machine Learning》
介紹:國內Pattern Recognition And Machine Learning讀書會資源匯總,各章pdf講稿,博客.
473《Probabilistic Data Structures for Web Analytics and Data Mining 》
介紹:用于Web分析和數據挖掘的概率數據結構.
474《Machine learning in navigation devices: detect maneuvers using accelerometer and gyroscope》
介紹:機器學習在導航上面的應用.
475《Neural Networks Demystified 》
介紹:Neural Networks Demystified系列視頻,Stephen Welch制作,純手繪風格,淺顯易懂,國內云.
476《swirl + DataCamp 》
介紹:{swirl}數據訓練營:R&數據科學在線交互教程.
477《Learning to Read with Recurrent Neural Networks 》
介紹:關于深度學習和RNN的討論 Sequence to Sequence Learning with Neural Networks.
478《深度強化學習(Deep Reinforcement Learning)的資源》
介紹:Deep Reinforcement Learning.
479《Machine Learning with Scikit-Learn》
介紹:(PyCon2015)Scikit-Learn機器學習教程,Parallel Machine Learning with scikit-learn and IPython.
480《PDNN》
介紹:PDNN: A Python Toolkit for Deep Learning.
481《Introduction to Machine Learning》
介紹:15年春季學期CMU的機器學習課程,由Alex Smola主講,提供講義及授課視頻,很不錯.國內鏡像.
482《Big Data Processing》
介紹:大數據處理課.內容覆蓋流處理、MapReduce、圖算法等.
483《Spark MLlib: Making Practical Machine Learning Easy and Scalable》
介紹:用Spark MLlib實現易用可擴展的機器學習,國內鏡像.
484《Picture: A Probabilistic Programming Language for Scene Perception》
介紹:以往上千行代碼概率編程(語言)實現只需50行.
485《Beautiful plotting in R: A ggplot2 cheatsheet》
介紹:ggplot2速查小冊子,另外一個,此外還推薦《A new data processing workflow for R: dplyr, magrittr, tidyr, ggplot2》.
486《Using Structured Events to Predict Stock Price Movement: An Empirical Investigation》
介紹:用結構化模型來預測實時股票行情.
487《International Joint Conference on Artificial Intelligence Accepted paper》
介紹:國際人工智能聯合會議錄取論文列表,大部分論文可使用Google找到.
488《Why GEMM is at the heart of deep learning》
介紹:一般矩陣乘法(GEMM)對深度學習的重要性.
489《Distributed (Deep) Machine Learning Common》
介紹:A Community of awesome Distributed Machine Learning C++ projects.
490《Reinforcement Learning: An Introduction》
介紹:免費電子書<強化學習介紹>,第一版(1998),第二版(2015草稿),相關課程資料,Reinforcement Learning.
491《Free ebook: Microsoft Azure Essentials: Azure Machine Learning》
介紹:免費書:Azure ML使用精要.
492《A Deep Learning Tutorial: From Perceptrons to Deep Networks》
介紹:A Deep Learning Tutorial: From Perceptrons to Deep Networks.
493《Machine Learning is Fun! - The world’s easiest introduction to Machine Learning》
介紹:有趣的機器學習:最簡明入門指南,中文版.
494《A Brief Overview of Deep Learning》
介紹:深度學習簡明介紹,中文版.
495《Wormhole》
介紹:Portable, scalable and reliable distributed machine learning.
496《convnet-benchmarks》
介紹:CNN開源實現橫向評測,參評框架包括Caffe 、Torch-7、CuDNN 、cudaconvnet2 、fbfft、Nervana Systems等,NervanaSys表現突出.
497《This catalogue lists resources developed by faculty and students of the Language Technologies Institute.》
介紹:卡耐基梅隆大學計算機學院語言技術系的資源大全,包括大量的NLP開源軟件工具包,基礎數據集,論文集,數據挖掘教程,機器學習資源.
498《Sentiment Analysis on Twitter》
介紹:Twitter情感分析工具SentiTweet,視頻+講義.
499《Machine Learning Repository @ Wash U》
介紹:華盛頓大學的Machine Learning Paper Repository.
500《Machine learning cheat sheet》
介紹:機器學習速查表.
(未完待續......)