从 Quora 的 187 个问题中学习机器学习和NLP
从 Quora 的 187 个问题中学习机器学习和NLP
作者:chen_h
微信号 & QQ:862251340
微信公众号:coderpai
简书地址:http://www.jianshu.com/p/ac1840abc63f
Quora 已经变成了一个获取重要资源的有效途径。许多的顶尖研究人员都会积极的在现场回答问题。
以下是一些在 Quora 上有关 AI 的主题。如果你已经在 Quora 上面注册了账号,你可以订阅这些主题。
- Computer-Science (5.6M followers)
- Machine-Learning (1.1M followers)
- Artificial-Intelligence (635K followers)
- Deep-Learning (167K followers)
- Natural-Language-Processing (155K followers)
- Classification-machine-learning (119K followers)
- Artificial-General-Intelligence (82K followers)
- Convolutional-Neural-Networks-CNNs (25K followers)
- Computational-Linguistics (23K followers)
- Recurrent-Neural-Networks (17.4K followers)
虽然 Quora 有许多主题的常见问题(FAQ)页面(比如,这是一个机器学习的 FAQ),但是这些 FAQ 都是非常不全面的,或者不够精致。在这篇文章中,我试图做一个更加全面的有关机器学习和NLP问题的FAQ。
Quora 中的问答没有那么有结构性,很多对问题的回答都是非常不尽如人意。所以,我们尽量去整理一些好的问题和一些相关的好的问答。
Machine Learning
- How do I learn machine learning?
- What is machine learning?
- What is machine learning in layman’s terms?
- What is the difference between statistics and machine learning?
- What machine learning theory do I need to know in order to be a successful machine learning practitioner?
- What are the top 10 data mining or machine learning algorithms?
- What exactly is a “hyperparameter” in machine learning terminology?
- How does a machine-learning engineer decide which neural network architecture (feed-forward, recurrent or CNN) to use to solve their problem?
- What’s the difference between gradient descent and stochastic gradient descent?
- How can I avoid overfitting?
- What is the role of the activation function in a neural network?
- What is the difference between a cost function and a loss function in machine learning?
- What is the difference between a parametric learning algorithm and a nonparametric learning algorithm?
- What is regularization in machine learning?
- What is the difference between L1 and L2 regularization?
- What is the difference between Dropout and Batch Normalization?
- What is an intuitive explanation for PCA?
- When and where do we use SVD?
- What is an intuitive explanation of the relation between PCA and SVD?
- Which is your favorite Machine Learning algorithm?
- What is the future of machine learning?
- What are the Top 10 problems in Machine Learning for 2017?
Classification
- What are the advantages of different classification algorithms?
- What are the advantages of using a decision tree for classification?
- What are the disadvantages of using a decision tree for classification?
- What are the advantages of logistic regression over decision trees?
- How does randomization in a random forest work?
- Which algorithm is better for non linear classification?
- What is the difference between Linear SVMs and Logistic Regression?
- How can l apply an SVM for categorical data?
- How do I select SVM kernels?
- How is root mean square error (RMSE) and classification related?
- Why is “naive Bayes” naive?
Regression
- How would linear regression be described and explained in layman’s terms?
- What is an intuitive explanation of a multivariate regression?
- Why is logistic regression considered a linear model?
- Logistic Regression: Why sigmoid function?
- When should we use logistic regression and Neural Network?
- How are linear regression and gradient descent related?
- What is the intuition behind SoftMax function?
- What is softmax regression?
Supervised Learning
- What is supervised learning?
- What does “supervision” exactly mean in the context of supervised machine learning?
- Why isn’t supervised machine learning more automated?
- What are the advantages and disadvantages of a supervised learning machine?
- What are the main supervised machine learning methods?
- What is the difference between supervised and unsupervised learning algorithms?
Reinforcement Learning
- How do I learn reinforcement learning?
- What’s the best way and what are the best resources to start learning about deep reinforcement learning?
- What is the difference between supervised learning and reinforcement learning?
- How does one learn a reward function in Reinforcement Learning (RL)?
- What is the Future of Deep Reinforcement Learning (DL + RL)?
- Is it possible to use reinforcement learning to solve any supervised or unsupervised problem?
- What are some practical applications of reinforcement learning?
- What is the difference between Q-learning and R-learning?
- In what way can Q-learning and neural networks work together?
Unsupervised Learning
- Why is unsupervised learning important?
- What is the future of deep unsupervised learning?
- What are some issues with Unsupervised Learning?
- What is unsupervised learning with example?
- Why could generative models help with unsupervised learning?
- What are some recent and potentially upcoming breakthroughs in unsupervised learning?
- Can neural networks be used to solve unsupervised learning problems?
- What is the state of the art of Unsupervised Learning, and is human-likeUnsupervised Learning possible in the near future?
- Why is reinforcement learning not considered unsupervised learning?
Deep Learning
- What is deep learning?
- What is the difference between deep learning and usual machine learning?
- As a beginner, how should I study deep learning?
- What are the best resources to learn about deep learning?
- What is the difference between deep learning and usual machine learning?
- What’s the most effective way to get started with Deep Learning?
- Is there something that Deep Learning will never be able to learn?
- What are the limits of deep learning?
- What is next for deep learning?
- What other ML areas can replace deep learning in the future?
- What is the best back propagation (deep learning) presentation for dummies?
- Does anyone ever use a softmax layer mid-neural network rather than at the end?
- What’s the difference between backpropagation and backpropagation through time?
- What is the best visual explanation for the back propagation algorithm for neural networks?
- What is the practical usage of batch normalization in neural networks?
- In layman’s terms, what is batch normalisation, what does it do, and why does it work so well?
- Does using Batch Normalization reduce the capacity of a deep neural network?
- What is an intuitive explanation of Deep Residual Networks?
- Is fine tuning a pre-trained model equivalent to transfer learning?
- What would be a practical use case for Generative models?
- Is cross-validation heavily used in Deep Learning or is it too expensive to be used?
- What is the importance of Deep Residual Networks?
- Where is Sparsity important in Deep Learning?
- Why are Autoencoders considered a failure?
- In deep learning, why don’t we use the whole training set to compute the gradient?
Convolutional Neural Networks
- What is a convolutional neural network?
- What is an intuitive explanation for convolution?
- How do convolutional neural networks work?
- How long will it take for me to go from machine learning basics to convolutional neural network?
- Why are convolutional neural networks well-suited for image classification problems?
- Is a pooling layer necessary in CNN? Can it be replaced by convolution?
- How can the filters used in Convolutional Neural Networks be optimized or reduced in size?
- Is the number of hidden layers in a convolutional neural network dependent on size of data set?
- How can convolutional neural networks be used for non-image data?
- Can I use Convolution neural network to classify small number of data, 668 images?
- Why are CNNs better at classification than RNNs?
- What is the difference between a convolutional neural network and a multilayer perceptron?
- What makes convolutional neural network architectures different?
- What’s an intuitive explanation of 1x1 convolution in ConvNets?
- Why does the convolutional neural network have higher accuracy, precision, and recall rather than other methods like SVM, KNN, and Random Forest?
- How can I train Convolutional Neural Networks (CNN) with non symmetric images of different sizes?
- How can l choose the dimensions of my convolutional filters and pooling in convolutional neural network?
- Why would increasing the amount of training data decrease the performance of a convolutional neural network?
- How can l explain that applying max-pooling/subsampling in CNN doesn’t cause information loss?
- How do Convolutional Neural Networks develop more complex features?
- Why don’t they use activation functions in some CNNs for some last convolution layers?
- What methods are used to increase the inference speed of convolutional neural networks?
- What is the usefulness of batch normalization in very deep convolutional neural network?
- Why do we use fully connected layer at the end of a CNN instead of convolution layers?
- What may be the cause of this training loss curve for a convolution neural network?
- The convolutional neural network I’m trying to train is settling at a particular training loss value and a training accuracy just after a few epochs. What can be the possible reasons?
- Why do we use shared weights in the convolutional layers of CNN?
- What are the advantages of Fully Convolutional Networks over CNNs?
- How is Fully Convolutional Network (FCN) different from the original Convolutional Neural Network (CNN)?
Recurrent Neural Networks
- Artificial Intelligence: What is an intuitive explanation for recurrent neural networks?
- How are RNNs storing ‘memory’?
- What are encoder-decoder models in recurrent neural networks?
- Why do Recurrent Neural Networks (RNN) combine the input and hidden state together and not seperately?
- What is an intuitive explanation of LSTMs and GRUs?
- Are GRU (Gated Recurrent Unit) a special case of LSTM?
- How many time-steps can LSTM RNNs remember inputs for?
- How does attention model work using LSTM?
- How do RNNs differ from Markov Chains?
- For modelling sequences, what are the pros and cons of using Gated Recurrent Units in place of LSTMs?
- What is exactly the attention mechanism introduced to RNN (recurrent neural network)? It would be nice if you could make it easy to understand!
- Is there any intuitive or simple explanation for how attention works in the deep learning model of an LSTM, GRU, or neural network?
- Why is it a problem to have exploding gradients in a neural net (especially in an RNN)?
- For a sequence-to-sequence model in RNN, does the input have to contain only sequences or can it accept contextual information as well?
- Can “generative adversarial networks” be used in sequential data in recurrent neural networks? How effective would they be?
- What is the difference between states and outputs in LSTM?
- What is the advantage of combining Convolutional Neural Network (CNN) and Recurrent Neural Network (RNN)?
- Which is better for text classification: CNN or RNN?
- How are recurrent neural networks different from convolutional neural networks?
Natural Language Processing
- As a beginner in Natural Language processing, from where should I start?
- What is the relation between sentiment analysis, natural language processing and machine learning?
- What is the current state of the art in natural language processing?
- What is the state of the art in natural language understanding?
- Which publications would you recommend reading for someone interested in natural language processing?
- What are the basics of natural language processing?
- Could you please explain the choice constraints of the pros/cons while choosing Word2Vec, GloVe or any other thought vectors you have used?
- How do you explain NLP to a layman?
- How do I explain NLP, text mining, and their difference in layman’s terms?
- What is the relationship between N-gram and Bag-of-words in natural language processing?
- Is deep learning suitable for NLP problems like parsing or machine translation?
- What is a simple explanation of a language model?
- What is the definition of word embedding (word representation)?
- How is Computational Linguistics different from Natural Language Processing?
- Natural Language Processing: What is a useful method to generate vocabulary for large corpus of data?
- How do I learn Natural Language Processing?
- Natural Language Processing: What are good algorithms related to sentiment analysis?
- What makes natural language processing difficult?
- What are the ten most popular algorithms in natural language processing?
- What is the most interesting new work in deep learning for NLP in 2017?
- How is word2vec different from the RNN encoder decoder?
- How does word2vec work?
- What’s the difference between word vectors, word representations and vector embeddings?
- What are some interesting Word2Vec results?
- How do I measure the semantic similarity between two documents?
- What is the state of the art in word sense disambiguation?
- What is the main difference between word2vec and fastText?
- In layman terms, how would you explain the Skip-Gram word embedding model in natural language processing (NLP)?
- In layman’s terms, how would you explain the continuous bag of words (CBOW) word embedding technique in natural language processing (NLP)?
- What is natural language processing pipeline?
- What are the available APIs for NLP (Natural Language Processing)?
- How does perplexity function in natural language processing?
- How is deep learning used in sentiment analysis?
Generative Adversarial Networks
- Was Jürgen Schmidhuber right when he claimed credit for GANs at NIPS 2016?
- Can “generative adversarial networks” be used in sequential data in recurrent neural networks? How effective would they be?
- What are the (existing or future) use cases where using Generative Adversarial Network is particularly interesting?
- Can autoencoders be considered as generative models?
- Why are two separate neural networks used in Generative Adversarial Networks?
- What is the advantage of generative adversarial networks compared with other generative models?
- What are some exciting future applications of Generative Adversarial Networks?
- Do you have any ideas on how to get GANs to work with text?
- In what way are Adversarial Networks related or different to Adversarial Training?
- What are the pros and cons of using generative adversarial networks (a type of neural network)?
- Can Generative Adversarial networks use multi-class labels?
从 Quora 的 187 个问题中学习机器学习和NLP的更多相关文章
- 从bug中学习怎么写代码
博客搬到了fresky.github.io - Dawei XU,请各位看官挪步.最新的一篇是:从bug中学习怎么写代码.
- 从mina中学习超时程序编写
从mina中学习超时程序编写 在很多情况下,程序需要使用计时器定,在指定的时间内检查连接过期.例如,要实现一个mqtt服务,为了保证QOS,在服务端发送消息后,需要等待客户端的ack,确保客户端接收到 ...
- 在Object-C中学习数据结构与算法之排序算法
笔者在学习数据结构与算法时,尝试着将排序算法以动画的形式呈现出来更加方便理解记忆,本文配合Demo 在Object-C中学习数据结构与算法之排序算法阅读更佳. 目录 选择排序 冒泡排序 插入排序 快速 ...
- 贝叶斯网(2)Netica:从数据中学习CPT
1. 离散节点 在官方Tutorial中是有详细的案例的,就是B篇3.3节,你可以动手把天气预报这个实现一下: http://www.norsys.com/tutorials/netica/secB/ ...
- 【工作中学习1】两个设计模式:Singleton(单例)和 Adapter(适配器)
好久没有写自己的学习小博客,罪过罪过..最近本菜鸟在项目中接触到经常用到的设计模式,首先是Singleton(单例),这个相信大家都会用到很多,所以自己用代码实现一下,有助于自己学习理解,如有不对,请 ...
- Android学习记录(5)—在java中学习多线程下载之断点续传②
在上一节中我们学习了在java中学习多线程下载的基本原理和基本用法,我们并没有讲多线程的断点续传,那么这一节我们就接着上一节来讲断点续传,断点续传的重要性不言而喻,可以不用重复下载,也可以节省时间,实 ...
- C# 你什么让程序员寂寞成酱紫 (男生版 娱乐中学习 抽象类 接口 继承 实现方法 )
你什么让程序员寂寞成酱紫 (男生版 娱乐中学习 抽象类 接口 继承 实现方法 ) 一个家庭 相当于 一个空间,这个空间里 有 很多元素,比如 爱,爱这个抽象事物,可能有很多动作,接吻.交流,对于一 ...
- hexo博客yili主题个性化自定义教程(1) ——借鉴中学习,初认yili主题
文章转载于:hexo博客yili主题个性化自定义教程(1) --借鉴中学习,初认yili主题 这个博客跌跌撞撞也弄了好多天了,由于Next主题不知道什么情况,被我玩坏了.所以换了一个主题. 大名鼎鼎的 ...
- python中学习K-Means和图片压缩
python中学习K-Means和图片压缩 大家在学习python中,经常会使用到K-Means和图片压缩的,我们在此给大家分享一下K-Means和图片压缩的方法和原理,喜欢的朋友收藏一下吧. 通俗的 ...
随机推荐
- strtoul()要优于atoi()函数---C语言
strtoul():将字符串转为长整型整数 atoi():将字符串转为整型整数 在32位STM32中,int是32位的,如果字符串是“3123456789”,大于0x7fff fff,用atoi()函 ...
- UUID与System.currentTimeMillis()产生一个新文件名的工具类
1.FileUtils.java package Utils.GenerateNewFileName; import java.util.UUID; public class FileUtils { ...
- [CF585E]Marbles
Description: 给定一个序列 \(a_i\) ,每次可以交换相邻两个元素,求使序列变成若干个极大连续段,每个极大连续段内部的值相同且任意两个极大连续段的值互不相同. \(n\le 4\tim ...
- Python 入门之 内置模块 -- time模块
Python 入门之 内置模块 -- time模块 1.time模块 time翻译过来就是时间,这个模块是与时间相关的模块 import time # 内置模块 -- 标准库 (1)time.ti ...
- Python 入门之格式化输出
Python 入门之格式化输出 1.格式化 (1)%为占位 (2)%s --- 站字符串的位置(数字.字符串都能够进行填充) name = input('请输入姓名:') age = input('请 ...
- PHP通过exec执行git pull
目标 项目没有使用Jenkins部署,使用的是Gitlab+ECS,要实现代码的自动部署 想法 使用Gitlab的钩子,当某个分支的代码提交之后,访问一个URL,实现代码的自动部署.这里使用PHP的e ...
- ISC2016训练赛 phrackCTF--Smali
测试文件:https://static2.ichunqiu.com/icq/resources/fileupload/phrackCTF/REVERSE/Crackme.smali 参考资料:http ...
- Android模拟器运行慢的解决方案
在android开发的过程,发现android模拟器的速度不是一般的慢,那主要是因为android模拟器默认采用的是arm处理器造成的,这里主要提供两种方法: ① 利用intel虚拟硬件加速的方式,实 ...
- mysql远程连接只显示部分数据库问题
项目变更了环境,数据库换了环境,所以用navicat连接数据库,结果只能看到部分数据库. 看下高级设置,就只有两个库. 表示很奇怪,难道我的ip被禁止了吗,进入服务器查看连接用户权限 1. 首先查看服 ...
- 内置的configparser模块和hashlib模块
#configparser模块:配置解析模块 import configparser config = configparser.ConfigParser() #创建一个配置解析对象 config[& ...