作者:chen_h
微信号 & QQ:862251340
微信公众号:coderpai


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?

来源:Medium

从-Quora-的-187-个问题中学习机器学习和NLP相关推荐

  1. 从 Quora 的 187 个问题中学习机器学习和NLP

    从 Quora 的 187 个问题中学习机器学习和NLP 原创 2017年12月18日 20:41:19 作者:chen_h 微信号 & QQ:862251340  微信公众号:coderpa ...

  2. 从 Quora 的 187 个问题中学习机器学习和 NLP

    Quora 已经变成了一个获取重要资源的有效途径.许多的顶尖研究人员都会积极的在现场回答问题.本文将收集一些比较好的文章资源,提供给大家学习. 本场 Chat 只有文章,没有交流. Quora 已经变 ...

  3. 在托马斯·哈代的五月中学习机器学习之新闻分类

    先送上一首托马斯·哈代的诗 Growth in May I enter a daisy-and-buttercup land, And thence thread a jungle of grass: ...

  4. 浙大吴飞教授:尽管AlphaGo Zero已强大到从经验中学习模型,我也绝不赞同马斯克和霍金的威胁论,人才是智能的最终主宰

    记者 | 鸽子 在整个采访过程中,吴飞教授在回答中给人的最大感受是温和.儒雅.他没有激烈的言辞,也没有犀利的观点,不会一开始直接抛出自己的判断,而是将所有的提问,看作是一次学术上的严谨探讨,从问题本身 ...

  5. 《从缺陷中学习C/C++》——6.15 试图产生的指针很可能不存在

    本节书摘来自异步社区出版社<从缺陷中学习C/C++>一书中的第6章,第6.15节,作者: 刘新浙 , 刘玲 , 王超 , 李敬娜 , ,更多章节内容可以访问云栖社区"异步社区&q ...

  6. rust墙壁升级点什么_分享:如何在阅读Rust项目源码中学习

    今天做了一个Substrate相关的小分享,公开出来. 因为我平时也比较忙,昨天才选定了本次分享的主题,准备比较仓促,细节可能不是很充足,但分享的目的也是给大家提供一个学习的思路,更多的细节大家可以在 ...

  7. 极客新闻——05、如何在工作中学习和成长?

    本文笔记全部来自<极客新闻>--新鲜的技术资讯.权威的趋势剖析.别样的技术洞察 关于如何进行自我学习的话题? 不同的人可能有不同的回答,总结起来就是阅读博客.参加技术大会.读书.利用闲暇时 ...

  8. 3D U-Net:从稀疏注释中学习密集的体积分割

    作者:Tom Hardy Date:2020-01-10 来源:3D U-Net:从稀疏注释中学习密集的体积分割

  9. 程序员失业第一步?斯坦福研究员用AI从编译器反馈中学习改Bug

    来源:AI科技评论 本文约2700字,建议阅读10分钟 本文介绍了来自斯坦福大学的两位研究员研究了如何使用AI来自动修复程序,以期未来程序修复自动化可以大大提高编程和学习编程的效率. 众所周知,程序员 ...

最新文章

  1. 截取列表前面100行_python列表
  2. MySQL学习笔记02-数据库概述及MySQL简介 .
  3. u3d局域网游戏网络(c# socket select 模型)
  4. 转载:比Python快100倍,利用spaCy和Cython实现高速NLP项目
  5. 改变UITableView选中行高亮的颜色
  6. 解决Hibernate报错The server time zone value is unrecognized or represents more than one time zone
  7. 写一个简单的 django_post demo
  8. JavaScript知识点之“事件机制”
  9. 防淘宝关闭二维码案例
  10. 何冲(为奥运冠军名字作诗)
  11. C++辨析系列谈 [作者: 郑力群]
  12. 安装Redis教程(详细过程)
  13. 常见的Markdownpad2运行破解以及This view has crashed!报错和Awesomium1.6.6SDK安装使用
  14. 401.3 您未被授权查看该页 错误原因和解决方案
  15. 为了自己的梦想而努力
  16. 2009 Q.E.D
  17. 外汇天眼:央行人民币降息意味着什么?有什么影响?
  18. Android 跳转到高德、百度、腾讯地图进行导航
  19. Python 小小爬虫练手,爬取自己的IP
  20. interrupt request level - IRQL

热门文章

  1. 远程调用报错java.net.UnknownHostException 解决方法
  2. 【转载】PCB设计方法和技巧
  3. MAX7456 OSD
  4. Win10系统此电脑隐藏特定文件夹
  5. NC高级UI工厂笔记
  6. linux下下载fnl数据,如何下载fnl
  7. Google Chrome Helper CPU占用过高的解决办法
  8. 华为2016研发工程师编程题---删数
  9. c语言购买电影票程序,求助,怎么改把程序产生数据写入文件里,电影票管理系统,大佬们...
  10. 高手速成android开源项目【View篇】