亚洲中字慕日产2020,大陆极品少妇内射AAAAAA,无码av大香线蕉伊人久久,久久精品国产亚洲av麻豆网站

資訊專欄INFORMATION COLUMN

超過(guò) 150 個(gè)最佳機(jī)器學(xué)習(xí),NLP 和 Python教程

JayChen / 2527人閱讀

摘要:作者微信號(hào)微信公眾號(hào)簡(jiǎn)書地址我把這篇文章分為四個(gè)部分機(jī)器學(xué)習(xí),,和數(shù)學(xué)。在這篇文章中,我把每個(gè)主題的教程數(shù)量都是控制在五到六個(gè),這些精選出來(lái)的教程都是非常重要的。每一個(gè)鏈接都會(huì)鏈接到別的鏈接,從而導(dǎo)致很多新的教程。

作者:chen_h
微信號(hào) & QQ:862251340
微信公眾號(hào):coderpai
簡(jiǎn)書地址:http://www.jianshu.com/p/2be3...


我把這篇文章分為四個(gè)部分:機(jī)器學(xué)習(xí),NLP,Python 和 數(shù)學(xué)。我在每一部分都會(huì)包含一些關(guān)鍵主題,但是網(wǎng)上資料太廣泛了,所以我不可能包括每一個(gè)可能的主題。

如果你發(fā)現(xiàn)好的教程,請(qǐng)告訴我。在這篇文章中,我把每個(gè)主題的教程數(shù)量都是控制在五到六個(gè),這些精選出來(lái)的教程都是非常重要的。每一個(gè)鏈接都會(huì)鏈接到別的鏈接,從而導(dǎo)致很多新的教程。

Machine Learning

Machine Learning is Fun!?(medium.com/@ageitgey)

Machine Learning Crash Course:?Part I,?Part II,?Part III?(Machine Learning at Berkeley)

An Introduction to Machine Learning Theory and Its Applications: A Visual Tutorial with Examples?(toptal.com)

A Gentle Guide to Machine Learning?(monkeylearn.com)

Which machine learning algorithm should I use??(sas.com)

Activation and Loss Functions

Sigmoid neurons?(neuralnetworksanddeeplearning.com)

What is the role of the activation function in a neural network??(quora.com)

[Comprehensive list of activation functions in neural networks with pros/cons]12

Activation functions and it’s types-Which is better??(medium.com)

Making Sense of Logarithmic Loss?(exegetic.biz)

Loss Functions?(Stanford CS231n)

L1 vs. L2 Loss function?(rishy.github.io)

The cross-entropy cost function?(neuralnetworksanddeeplearning.com)

Bias

Role of Bias in Neural Networks?(stackoverflow.com)

Bias Nodes in Neural Networks?(makeyourownneuralnetwork.blogspot.com)

What is bias in artificial neural network??(quora.com)

Perceptron

Perceptrons?(neuralnetworksanddeeplearning.com)

The Perception?(natureofcode.com)

Single-layer Neural Networks (Perceptrons)?(dcu.ie)

From Perceptrons to Deep Networks?(toptal.com)

Regression

Introduction to linear regression analysis?(duke.edu)

Linear Regression?(ufldl.stanford.edu)

Linear Regression?(readthedocs.io)

Logistic Regression?(readthedocs.io)

[Simple Linear Regression Tutorial for Machine Learning]29

[Logistic Regression Tutorial for Machine Learning]30

Softmax Regression?(ufldl.stanford.edu)

Gradient Descent

Learning with gradient descent?(neuralnetworksanddeeplearning.com)

Gradient Descent?(iamtrask.github.io)

How to understand Gradient Descent algorithm?(kdnuggets.com)

[An overview of gradient descent optimization algorithms]35

Optimization: Stochastic Gradient Descent?(Stanford CS231n)

Generative Learning

Generative Learning Algorithms?(Stanford CS229)

A practical explanation of a Naive Bayes classifier?(monkeylearn.com)

Support Vector?Machines

An introduction to Support Vector Machines (SVM)?(monkeylearn.com)

Support Vector Machines?(Stanford CS229)

Linear classification: Support Vector Machine, Softmax?(Stanford 231n)

Backpropagation

Yes you should understand backprop?(medium.com/@karpathy)

Can you give a visual explanation for the back propagation algorithm for neural networks??(github.com/rasbt)

[How the backpropagation algorithm works]45

Backpropagation Through Time and Vanishing Gradients?(wildml.com)

[A Gentle Introduction to Backpropagation Through Time]47

Backpropagation, Intuitions?(Stanford CS231n)

Deep Learning

Deep Learning in a Nutshell?(nikhilbuduma.com)

A Tutorial on Deep Learning?(Quoc V. Le)

What is Deep Learning??(machinelearningmastery.com)

What’s the Difference Between Artificial Intelligence, Machine Learning, and Deep Learning??(nvidia.com)

Optimization and Dimensionality Reduction

Seven Techniques for Data Dimensionality Reduction?(knime.org)

Principal components analysis?(Stanford CS229)

Dropout: A simple way to improve neural networks?(Hinton @ NIPS 2012)

How to train your Deep Neural Network?(rishy.github.io)

Long Short Term Memory(LSTM)?

[A Gentle Introduction to Long Short-Term Memory Networks by the Experts]57

Understanding LSTM Networks?(colah.github.io)

Exploring LSTMs?(echen.me)

Anyone Can Learn To Code an LSTM-RNN in Python?(iamtrask.github.io)

Convolutional Neural Networks?(CNNs)

Introducing convolutional networks?(neuralnetworksanddeeplearning.com)

[Deep Learning and Convolutional Neural Networks]62

Conv Nets: A Modular Perspective?(colah.github.io)

Understanding Convolutions?(colah.github.io)

Recurrent Neural Nets?(RNNs)

Recurrent Neural Networks Tutorial?(wildml.com)

Attention and Augmented Recurrent Neural Networks?(distill.pub)

[The Unreasonable Effectiveness of Recurrent Neural Networks]68

A Deep Dive into Recurrent Neural Nets?(nikhilbuduma.com)

Reinforcement Learning

[Simple Beginner’s guide to Reinforcement Learning & its implementation]70

A Tutorial for Reinforcement Learning?(mst.edu)

Learning Reinforcement Learning?(wildml.com)

Deep Reinforcement Learning: Pong from Pixels?(karpathy.github.io)

Generative Adversarial Networks?(GANs)

What’s a Generative Adversarial Network??(nvidia.com)

[Abusing Generative Adversarial Networks to Make 8-bit Pixel Art]75

An introduction to Generative Adversarial Networks (with code in TensorFlow)?(aylien.com)

Generative Adversarial Networks for Beginners?(oreilly.com)

Multi-task Learning

[An Overview of Multi-Task Learning in Deep Neural Networks]78

NLP

A Primer on Neural Network Models for Natural Language Processing?(Yoav Goldberg)

The Definitive Guide to Natural Language Processing?(monkeylearn.com)

Introduction to Natural Language Processing?(algorithmia.com)

Natural Language Processing Tutorial?(vikparuchuri.com)

Natural Language Processing (almost) from Scratch?(arxiv.org)

Deep Learning and?NLP

Deep Learning applied to NLP?(arxiv.org)

Deep Learning for NLP (without Magic)?(Richard Socher)

Understanding Convolutional Neural Networks for NLP?(wildml.com)

Deep Learning, NLP, and Representations?(colah.github.io)

Embed, encode, attend, predict: The new deep learning formula for state-of-the-art NLP models?(explosion.ai)

[Understanding Natural Language with Deep Neural Networks Using Torch]89

Deep Learning for NLP with Pytorch?(pytorich.org)

Word Vectors

Bag of Words Meets Bags of Popcorn?(kaggle.com)

On word embeddings?Part I,?Part II,?Part III?(sebastianruder.com)

The amazing power of word vectors?(acolyer.org)

word2vec Parameter Learning Explained?(arxiv.org)

Word2Vec Tutorial?—?The Skip-Gram Model,?[Negative Sampling]98

Encoder-Decoder

Attention and Memory in Deep Learning and NLP?(wildml.com)

Sequence to Sequence Models?(tensorflow.org)

Sequence to Sequence Learning with Neural Networks?(NIPS 2014)

Machine Learning is Fun Part 5: Language Translation with Deep Learning and the Magic of Sequences?(medium.com/@ageitgey)

[How to use an Encoder-Decoder LSTM to Echo Sequences of Random Integers]103

tf-seq2seq?(google.github.io)

Python

7 Steps to Mastering Machine Learning With Python?(kdnuggets.com)

An example machine learning notebook?(nbviewer.jupyter.org)

Examples

[How To Implement The Perceptron Algorithm From Scratch In Python]107

Implementing a Neural Network from Scratch in Python?(wildml.com)

A Neural Network in 11 lines of Python?(iamtrask.github.io)

[Implementing Your Own k-Nearest Neighbour Algorithm Using Python]110

Demonstration of Memory with a Long Short-Term Memory Network in Python?(machinelearningmastery.com)

How to Learn to Echo Random Integers with Long Short-Term Memory Recurrent Neural Networks?(machinelearningmastery.com)

[How to Learn to Add Numbers with seq2seq Recurrent Neural Networks]113

Scipy and?numpy

Scipy Lecture Notes?(scipy-lectures.org)

Python Numpy Tutorial?(Stanford CS231n)

An introduction to Numpy and Scipy?(UCSB CHE210D)

A Crash Course in Python for Scientists?(nbviewer.jupyter.org)

scikit-learn

PyCon scikit-learn Tutorial Index?(nbviewer.jupyter.org)

scikit-learn Classification Algorithms?(github.com/mmmayo13)

scikit-learn Tutorials?(scikit-learn.org)

Abridged scikit-learn Tutorials?(github.com/mmmayo13)

Tensorflow

Tensorflow Tutorials?(tensorflow.org)

Introduction to TensorFlow?—?CPU vs GPU?(medium.com/@erikhallstrm)

TensorFlow: A primer?(metaflow.fr)

RNNs in Tensorflow?(wildml.com)

Implementing a CNN for Text Classification in TensorFlow?(wildml.com)

How to Run Text Summarization with TensorFlow?(surmenok.com)

PyTorch

PyTorch Tutorials?(pytorch.org)

A Gentle Intro to PyTorch?(gaurav.im)

Tutorial: Deep Learning in PyTorch?(iamtrask.github.io)

PyTorch Examples?(github.com/jcjohnson)

PyTorch Tutorial?(github.com/MorvanZhou)

PyTorch Tutorial for Deep Learning Researchers?(github.com/yunjey)

Math

Math for Machine Learning?(ucsc.edu)

Math for Machine Learning?(UMIACS CMSC422)

Linear algebra

An Intuitive Guide to Linear Algebra?(betterexplained.com)

A Programmer’s Intuition for Matrix Multiplication?(betterexplained.com)

Understanding the Cross Product?(betterexplained.com)

Understanding the Dot Product?(betterexplained.com)

Linear Algebra for Machine Learning?(U. of Buffalo CSE574)

Linear algebra cheat sheet for deep learning?(medium.com)

Linear Algebra Review and Reference?(Stanford CS229)

Probability

Understanding Bayes Theorem With Ratios?(betterexplained.com)

Review of Probability Theory?(Stanford CS229)

Probability Theory Review for Machine Learning?(Stanford CS229)

Probability Theory?(U. of Buffalo CSE574)

Probability Theory for Machine Learning?(U. of Toronto CSC411)

Calculus

How To Understand Derivatives: The Quotient Rule, Exponents, and Logarithms?(betterexplained.com)

[How To Understand Derivatives: The Product, Power & Chain Rules]150

Vector Calculus: Understanding the Gradient?(betterexplained.com)

Differential Calculus?(Stanford CS224n)

Calculus Overview?(readthedocs.io)


作者:chen_h
微信號(hào) & QQ:862251340
簡(jiǎn)書地址:http://www.jianshu.com/p/2be3...

CoderPai 是一個(gè)專注于算法實(shí)戰(zhàn)的平臺(tái),從基礎(chǔ)的算法到人工智能算法都有設(shè)計(jì)。如果你對(duì)算法實(shí)戰(zhàn)感興趣,請(qǐng)快快關(guān)注我們吧。加入AI實(shí)戰(zhàn)微信群,AI實(shí)戰(zhàn)QQ群,ACM算法微信群,ACM算法QQ群。長(zhǎng)按或者掃描如下二維碼,關(guān)注 “CoderPai” 微信號(hào)(coderpai)

文章版權(quán)歸作者所有,未經(jīng)允許請(qǐng)勿轉(zhuǎn)載,若此文章存在違規(guī)行為,您可以聯(lián)系管理員刪除。

轉(zhuǎn)載請(qǐng)注明本文地址:http://www.ezyhdfw.cn/yun/41096.html

相關(guān)文章

  • 重磅 | 完備的 AI 學(xué)習(xí)路線,最詳細(xì)的資源整理!

    摘要:是你學(xué)習(xí)從入門到專家必備的學(xué)習(xí)路線和優(yōu)質(zhì)學(xué)習(xí)資源。的數(shù)學(xué)基礎(chǔ)最主要是高等數(shù)學(xué)線性代數(shù)概率論與數(shù)理統(tǒng)計(jì)三門課程,這三門課程是本科必修的。其作為機(jī)器學(xué)習(xí)的入門和進(jìn)階資料非常適合。書籍介紹深度學(xué)習(xí)通常又被稱為花書,深度學(xué)習(xí)領(lǐng)域最經(jīng)典的暢銷書。 showImg(https://segmentfault.com/img/remote/1460000019011569); 【導(dǎo)讀】本文由知名開源平...

    荊兆峰 評(píng)論0 收藏0
  • PyTorch一周年戰(zhàn)績(jī)總結(jié):是否比TensorFlow來(lái)勢(shì)兇猛?

    摘要:截止到今天,已公開發(fā)行一周年。一年以來(lái),社區(qū)中的用戶不斷做出貢獻(xiàn)和優(yōu)化,在此深表感謝。所以與衡量它的指標(biāo)包括在機(jī)器學(xué)習(xí)研究論文中的使用。來(lái)自香港科技大學(xué)的在上推出了面向普通觀眾的在線課程。 Yann LeCun Twitter截止到今天,PyTorch 已公開發(fā)行一周年。一年以來(lái),我們致力于打造一個(gè)靈活的深度學(xué)習(xí)研究平臺(tái)。一年以來(lái),PyTorch 社區(qū)中的用戶不斷做出貢獻(xiàn)和優(yōu)化,在此深表感謝...

    ymyang 評(píng)論0 收藏0
  • 分享AI有道干貨 | 126 篇 AI 原創(chuàng)文章精選(ML、DL、資源、教程

    摘要:值得一提的是每篇文章都是我用心整理的,編者一貫堅(jiān)持使用通俗形象的語(yǔ)言給我的讀者朋友們講解機(jī)器學(xué)習(xí)深度學(xué)習(xí)的各個(gè)知識(shí)點(diǎn)。今天,紅色石頭特此將以前所有的原創(chuàng)文章整理出來(lái),組成一個(gè)比較合理完整的機(jī)器學(xué)習(xí)深度學(xué)習(xí)的學(xué)習(xí)路線圖,希望能夠幫助到大家。 一年多來(lái),公眾號(hào)【AI有道】已經(jīng)發(fā)布了 140+ 的原創(chuàng)文章了。內(nèi)容涉及林軒田機(jī)器學(xué)習(xí)課程筆記、吳恩達(dá) deeplearning.ai 課程筆記、機(jī)...

    jimhs 評(píng)論0 收藏0

發(fā)表評(píng)論

0條評(píng)論

閱讀需要支付1元查看
<