欢迎大家赞助一杯啤酒🍺 我们准备了下酒菜:Formal mathematics/Isabelle/ML, Formal verification/Coq/ACL2, C++/F#/Lisp
Machine learning
小 (→图书) |
小 (→图书) |
||
(未显示1个用户的96个中间版本) | |||
第2行: | 第2行: | ||
machine learning 机器学习 | machine learning 机器学习 | ||
+ | |||
+ | ==简介== | ||
+ | 机器学习是一种允许计算机使用现有数据预测未来行为、结果和趋势的[[data science|数据科学]]方法,机器学习的预测可以使得应用和设备更智能。 | ||
机器学习是人工智能研究领域中的一个极其重要的方向。在现今大数据时代的背景下,捕获数据并从中萃取有价值的信息或模式,使得这一过去为分析师与数学家所专属的研究领域越来越为人们瞩目。 | 机器学习是人工智能研究领域中的一个极其重要的方向。在现今大数据时代的背景下,捕获数据并从中萃取有价值的信息或模式,使得这一过去为分析师与数学家所专属的研究领域越来越为人们瞩目。 | ||
第8行: | 第11行: | ||
机器学习已经有了十分广泛的应用,例如:数据挖掘、计算机视觉、自然语言处理、生物特征识别、搜索引擎、医学诊断、检测信用卡欺诈、证券市场分析、DNA序列测序、语音和手写识别、战略游戏和机器人运用。 | 机器学习已经有了十分广泛的应用,例如:数据挖掘、计算机视觉、自然语言处理、生物特征识别、搜索引擎、医学诊断、检测信用卡欺诈、证券市场分析、DNA序列测序、语音和手写识别、战略游戏和机器人运用。 | ||
+ | |||
+ | 通常,人们会在三种情况下使用机器学习: | ||
+ | * [[data mining|数据挖掘]]:机器学习可以帮助人们从大型数据库里得到深刻的见解。 | ||
+ | * [[Statistics|统计工程]]:机器学习可以用来把数据转换成对不确定数据做决定的软件。 | ||
+ | * [[Artificial intelligence|人工智能]]:机器学习可以用来模拟人类的思维,来创造可以看到,听到和理解人的计算机。 | ||
+ | |||
+ | ==新闻== | ||
+ | <rss>http://www.infoq.com/feed/MachineLearning</rss> | ||
+ | |||
+ | ==GPU== | ||
+ | [http://www.nvidia.cn/object/machine-learning-cn.html GPU彻底改变计算研究和工程] | ||
+ | |||
+ | CUDA 是 NVIDIA 发明的一种并行计算平台和编程模型。它通过利用图形处理器 (GPU) 的处理能力,可大幅提升计算性能。 | ||
+ | |||
+ | 工业与学术界的数据科学家已将 GPU 用于机器学习以便在各种应用上实现开创性的改进,这些应用包括图像分类、视频分析、语音识别以及自然语言处理等等。 尤其是深度学习,人们在这一领域中一直进行大力投资和研究。深度学习是利用复杂的多级「深度」神经网络来打造一些系统,这些系统能够从海量的未标记训练数据中进行特征检测。 | ||
+ | |||
+ | 虽然机器学习已经有数十年的历史,但是两个较为新近的趋势促进了机器学习的广泛应用: 海量训练数据的出现以及 GPU 计算所提供的强大而高效的并行计算。 人们利用 GPU 来训练这些深度神经网络,所使用的训练集大得多,所耗费的时间大幅缩短,占用的数据中心基础设施也少得多。 GPU 还被用于运行这些机器学习训练模型,以便在云端进行分类和预测,从而在耗费功率更低、占用基础设施更少的情况下能够支持远比从前更大的数据量和吞吐量。 | ||
+ | |||
+ | 将 GPU 加速器用于机器学习的早期用户包括诸多顶级规模的网络和社交媒体公司,另外还有数据科学和机器学习领域中一流的研究机构。 与单纯使用 CPU 的做法相比,GPU 具有数以千计的计算核心、可实现 10-100 倍应用吞吐量,因此 GPU 已经成为数据科学家处理大数据的首选处理器。 | ||
+ | |||
+ | *[http://www.computervisiontalks.com/nvidia-deep-learning-course-class-1-introduction-to-deep-learning/ NVIDIA Deep Learning Course: Class #1 – Introduction to Deep Learning] | ||
+ | *[http://www.computervisiontalks.com/nvidia-deep-learning-course-class-2-getting-started-with-digits/ NVIDIA Deep Learning Course: Class #2 – Getting Started with DIGITS] | ||
+ | *[http://www.computervisiontalks.com/nvidia-deep-learning-course-class-3-getting-started-with-caffe/ NVIDIA Deep Learning Course: Class #3 – Getting started with Caffe] | ||
==项目== | ==项目== | ||
+ | *[https://github.com/josephmisiti/awesome-machine-learning Awesome Machine Learning] [[image:awesome.png]] | ||
+ | *[https://github.com/EthicalML/awesome-production-machine-learning Awesome production machine learning] [[image:awesome.png]] | ||
+ | *[https://github.com/hangtwenty/dive-into-machine-learning#dive-into-machine-learning-- Dive into Machine Learning] [[image:awesome.png]] | ||
+ | *[https://github.com/ZuzooVn/machine-learning-for-software-engineers/blob/master/README-zh-CN.md 自上而下的学习路线: 软件工程师的机器学习] | ||
+ | *[http://www.kdnuggets.com/2015/12/top-10-machine-learning-github.html Top 10 Machine Learning Projects on Github] | ||
+ | *[https://ysfalo.github.io/2015/11/21/%E5%B8%B8%E7%94%A8%E6%9C%BA%E5%99%A8%E5%AD%A6%E4%B9%A0%E6%A1%86%E6%9E%B6/ 常用机器学习框架] | ||
+ | *[[PredictionIO]] | ||
+ | *[[Oryx]] | ||
+ | *[[Deeplearning4j]] | ||
+ | *[[MXNet]] [http://dmlc.ml/ DMLC] Distributed (Deep) Machine Learning Common | ||
+ | *[[TensorFlow]] | ||
+ | *[[DMTK]] | ||
+ | *[https://github.com/huggingface/transformers Transformers] 为 Jax、[[PyTorch]] 和 [[TensorFlow]] 打造的先进的自然语言处理,提供了数以千计的预训练模型,支持 100 多种语言的文本分类、信息抽取、问答、摘要、翻译、文本生成。它的宗旨让最先进的 [[Natural language processing|NLP]] 技术人人易用。 | ||
+ | *[https://github.com/amznlabs/amazon-dsstne Amazon DSSTNE] | ||
*[[GNU Octave]] | *[[GNU Octave]] | ||
*[[weka]] | *[[weka]] | ||
第16行: | 第56行: | ||
*[[RapidMiner]] | *[[RapidMiner]] | ||
*[[GoLearn]] | *[[GoLearn]] | ||
+ | *[https://github.com/dotnet/machinelearning ML.NET] Machine Learning for [[.NET]] | ||
+ | *[http://datascienceassn.org/content/39-machine-learning-libraries-spark-categorized 39 Machine Learning Libraries for Spark] | ||
+ | *[http://madlib.net/ MADlib: Big Data Machine Learning in SQL for Data Scientists] | ||
+ | *[https://github.com/facebook/fbcuda fbcuda: Facebook's CUDA extensions.] | ||
+ | *[http://numenta.org/ NuPIC] | ||
+ | *[https://github.com/harthur/brain brain]: [[Neural network|Neural networks]] in [[JavaScript]] | ||
+ | *[https://velesnet.ml/ Veles]:三星机器学习平台 | ||
+ | *[[Petuum]] | ||
+ | *[[HPCC]] | ||
==文档== | ==文档== | ||
第21行: | 第70行: | ||
*[http://docs.huihoo.com/google/google-sibyl-a-system-for-large-scale-supervised-machine-learning-2014.pdf Sibyl: 来自Google的大规模机器学习系统] | *[http://docs.huihoo.com/google/google-sibyl-a-system-for-large-scale-supervised-machine-learning-2014.pdf Sibyl: 来自Google的大规模机器学习系统] | ||
*[http://docs.huihoo.com/infoq/baidu-salon-large-scale-machine-learning-of-advertisement-data-201403.pdf 百度:广告数据上的大规模机器学习] | *[http://docs.huihoo.com/infoq/baidu-salon-large-scale-machine-learning-of-advertisement-data-201403.pdf 百度:广告数据上的大规模机器学习] | ||
+ | *[http://docs.huihoo.com/postgresql/pgcon/2012/MADlib-Big-Data-Machine-Learning-in-PostgreSQL.pdf MADlib: Big Data Machine Learning in PostgreSQL] | ||
+ | *[http://docs.huihoo.com/apache/spark/summit/east2015/SSE15-22-Practical-Machine-Learning-Pipelines-with-MLlib.pdf Practical Machine Learning Pipelines with MLlib] | ||
+ | *[http://docs.huihoo.com/weka/weka.ppt Machine Learning with WEKA] | ||
+ | *[http://docs.huihoo.com/infoq/qconshanghai/2015/%e5%9f%ba%e4%ba%8e%e5%a4%a7%e6%95%b0%e6%8d%ae%e7%9a%84%e6%9c%ba%e5%99%a8%e5%ad%a6%e4%b9%a0%e6%8a%80%e6%9c%af/QCon%e4%b8%8a%e6%b5%b72015-%e9%98%bf%e9%87%8c%e6%90%9c%e7%b4%a2%e5%ae%9e%e6%97%b6%e8%ae%a1%e7%ae%97%e5%92%8c%e5%9c%a8%e7%ba%bf%e5%ad%a6%e4%b9%a0%e8%81%94%e7%b3%bb%e7%b3%bb%e7%bb%9fPORA%e4%bb%8b%e7%bb%8d-%e6%a2%81%e4%b9%89.pdf 阿里搜索基于HBase实时计算及在线学习系统Pora介绍] | ||
+ | *[http://docs.huihoo.com/infoq/qconshanghai/2015/%e5%9f%ba%e4%ba%8e%e5%a4%a7%e6%95%b0%e6%8d%ae%e7%9a%84%e6%9c%ba%e5%99%a8%e5%ad%a6%e4%b9%a0%e6%8a%80%e6%9c%af/QCon%e4%b8%8a%e6%b5%b72015-%e5%a4%a7%e6%95%b0%e6%8d%ae%e5%a4%8d%e6%9d%82%e9%a3%8e%e6%8e%a7%e6%a8%a1%e5%9e%8b%e5%9c%a8PayPal%20Risk%e7%9a%84%e5%ba%94%e7%94%a8-%e5%bc%a0%e5%bd%ad%e5%96%84.pdf Large-Scale Machine Learning at PayPal Risk] | ||
+ | *[http://docs.huihoo.com/infoq/qconshanghai/2015/%e5%9f%ba%e4%ba%8e%e5%a4%a7%e6%95%b0%e6%8d%ae%e7%9a%84%e6%9c%ba%e5%99%a8%e5%ad%a6%e4%b9%a0%e6%8a%80%e6%9c%af/QCon%e4%b8%8a%e6%b5%b72015-%e5%9f%ba%e4%ba%8e%e6%9c%ba%e5%99%a8%e5%ad%a6%e4%b9%a0%e7%9a%84%e9%93%b6%e8%a1%8c%e5%8d%a1%e6%b6%88%e8%b4%b9%e6%95%b0%e6%8d%ae%e9%a2%84%e6%b5%8b%e4%b8%8e%e6%8e%a8%e8%8d%90-%e6%a2%81%e5%a0%b0%e6%b3%a2.pdf Machine learning in finance using Spark ML pipeline] | ||
==图书== | ==图书== | ||
第28行: | 第83行: | ||
*[http://www.amazon.cn/%E5%9B%BE%E4%B9%A6/dp/B00JPUUAVU/ref=tmm_pap_title_0 《机器学习实践指南 案例应用解析》] | *[http://www.amazon.cn/%E5%9B%BE%E4%B9%A6/dp/B00JPUUAVU/ref=tmm_pap_title_0 《机器学习实践指南 案例应用解析》] | ||
*[https://github.com/CamDavidsonPilon/Probabilistic-Programming-and-Bayesian-Methods-for-Hackers 《概率编程和贝叶斯方法实践》] [http://nbviewer.ipython.org/github/CamDavidsonPilon/Probabilistic-Programming-and-Bayesian-Methods-for-Hackers/tree/master/ @nbviewer] [http://book.huihoo.com/probabilistic-programming-and-bayesian-methods-for-hackers/ @huihoo] | *[https://github.com/CamDavidsonPilon/Probabilistic-Programming-and-Bayesian-Methods-for-Hackers 《概率编程和贝叶斯方法实践》] [http://nbviewer.ipython.org/github/CamDavidsonPilon/Probabilistic-Programming-and-Bayesian-Methods-for-Hackers/tree/master/ @nbviewer] [http://book.huihoo.com/probabilistic-programming-and-bayesian-methods-for-hackers/ @huihoo] | ||
+ | *《统计学习方法》即统计机器学习方法(第2版)李航,[https://pan.baidu.com/s/1uT3uUAOJjFY_pVZ-oZ6EEQ 课件下载] 提取码:23tq | ||
==课程== | ==课程== | ||
− | *[https:// | + | *[https://www.coursera.org/course/neuralnets/ Neural Networks for Machine Learning] by Geoffrey Hinton |
*[http://v.163.com/special/opencourse/machinelearning.html 斯坦福大学公开课 :机器学习课程] | *[http://v.163.com/special/opencourse/machinelearning.html 斯坦福大学公开课 :机器学习课程] | ||
*[https://www.coursera.org/course/ml Stanford机器学习] | *[https://www.coursera.org/course/ml Stanford机器学习] | ||
*[http://docs.huihoo.com/machine-learning/stanford-machine-learning-coursenotes/ Stanford Machine Learning Course notes] | *[http://docs.huihoo.com/machine-learning/stanford-machine-learning-coursenotes/ Stanford Machine Learning Course notes] | ||
*[http://v.163.com/special/opencourse/learningfromdata.html 加州理工学院公开课:机器学习与数据挖掘] | *[http://v.163.com/special/opencourse/learningfromdata.html 加州理工学院公开课:机器学习与数据挖掘] | ||
+ | *[https://courses.edx.org/courses/BerkeleyX/CS190.1x/1T2015/info BerkeleyX: CS190.1x Scalable Machine Learning]、[http://docs.huihoo.com/machine-learning/scalable-machine-learning/ 讲义下载] | ||
==讲义== | ==讲义== | ||
第53行: | 第110行: | ||
*[http://docs.huihoo.com/machine-learning/ppt/12.ppt 第12章 归纳和分析学习的结合] | *[http://docs.huihoo.com/machine-learning/ppt/12.ppt 第12章 归纳和分析学习的结合] | ||
*[http://docs.huihoo.com/machine-learning/ppt/13.ppt 第13章 增强学习] | *[http://docs.huihoo.com/machine-learning/ppt/13.ppt 第13章 增强学习] | ||
+ | |||
+ | ==视频== | ||
+ | *[https://www.youtube.com/watch?v=40riCqvRoMs 李飞飞: 我们怎么教计算机理解图片?赋予计算机视觉智能] ps: 在2007年发起了[http://www.image-net.org/ ImageNet(图片网络)]计划. | ||
+ | |||
+ | ==图集== | ||
+ | <gallery> | ||
+ | image:Neural-Network-and-Deep-Learning.png|神经网络与深度学习 | ||
+ | image:machine-learning-supervised-vs-unsupervised-learning.png|机器学习 | ||
+ | image:machine-learning-vs-deep-learning.png|机器学习和深度学习 | ||
+ | image:machine-learning-algorithms.png|算法 | ||
+ | image:machine-learning-algorithms.jpg|算法 | ||
+ | image:types-of-machine-learning-algorithms-in-one-picture.png|算法 | ||
+ | image:machine-learning-supervised-unsupervised.png|算法 | ||
+ | image:supervised-learning-model.png|监督学习模型 | ||
+ | image:unsupervised-learning-model.png|无监督学习模型 | ||
+ | image:supervised-vs-unsupervised-learning.png|监督/无监督学习 | ||
+ | image:difference-between-machine-learning-data-science-ai-deep-learning.png|学科差异 | ||
+ | image:workflow-as-a-distributed-computation.png|ML工作流 | ||
+ | image:unsupervised-learning.png|无监督学习 | ||
+ | image:supervised-learning.png|监督学习 | ||
+ | image:reinforcement-learning.png|强化学习 | ||
+ | image:scikit-learn-algorithm.png|scikit-learn算法 | ||
+ | image:four-generations-of-machine-intelligence.png|四代机器智能 | ||
+ | image:integrating-machine-learning-in-large-software-systems.png|将机器学习集成进软件系统 | ||
+ | image:gartner-mq-2021-data-science-machine-learning-platforms.png|Gartner魔力象限2021 | ||
+ | image:Gartner-2018-Magic-Quadrant-for-Data-Science-and-Machine-Learning.png|Gartner魔力象限2018 | ||
+ | image:probabilistic-graphical-models.png|概率图模型 | ||
+ | image:reinforcement-learning.png|强化学习 | ||
+ | image:neuroph-framework.jpg|Neuroph框架 | ||
+ | image:mlnet-high-performance.png|ML.NET性能 | ||
+ | </gallery> | ||
==链接== | ==链接== | ||
+ | *[https://en.wikipedia.org/wiki/Portal:Machine_learning 维基百科Machine learning portal] | ||
+ | *[http://bvlc.eecs.berkeley.edu/ Berkeley Vision and Learning Center] | ||
*[http://docs.huihoo.com/machine-learning/ 机器学习开放文档] | *[http://docs.huihoo.com/machine-learning/ 机器学习开放文档] | ||
*[https://github.com/showcases/machine-learning Machine learning @ GitHub] | *[https://github.com/showcases/machine-learning Machine learning @ GitHub] | ||
+ | *[http://mloss.org/software/ MLOSS (Machine Learning Open Source Software)] | ||
*[http://www.infoq.com/cn/articles/ask-yoshua-bengio 对话机器学习大神Yoshua Bengio(上)] | *[http://www.infoq.com/cn/articles/ask-yoshua-bengio 对话机器学习大神Yoshua Bengio(上)] | ||
*[http://www.infoq.com/cn/articles/ask-yoshua-bengio-2 对话机器学习大神Yoshua Bengio(下)] | *[http://www.infoq.com/cn/articles/ask-yoshua-bengio-2 对话机器学习大神Yoshua Bengio(下)] | ||
*[http://docs.huihoo.com/scipy/scipy-zh-cn/ 用Python做科学计算] | *[http://docs.huihoo.com/scipy/scipy-zh-cn/ 用Python做科学计算] | ||
+ | *[http://www.infoq.com/machinelearning/ Machine Learning Content On InfoQ] | ||
+ | *[http://www.flickering.cn/category/machine_learning/ 火光摇曳] | ||
+ | *[http://blog.youxu.info/ 4G Spaces] | ||
+ | *[http://www.infoq.com/cn/news/2015/04/aws-launches-machine-learning Amazon Web服务开展机器学习服务] | ||
+ | *[http://blog.csdn.net/column/details/ml-ng-record.html 机器学习笔记] | ||
+ | *[http://reference.wolfram.com/language/guide/MachineLearning.html Wolfram 语言指南: 机器学习] | ||
+ | *[http://www.computervisiontalks.com/ Machine Learning & Computer Vision Talks] | ||
+ | *[http://dmlc.ml/ Distributed (Deep) Machine Learning Common] | ||
+ | *[http://www.computervisiontalks.com/introduction-to-deep-learning-with-python/ Introduction to Deep Learning with Python] | ||
+ | *[http://www.csdn.net/article/2015-09-08/2825647 机器学习温和指南] | ||
+ | *[http://www.52cs.org/ 我爱计算机] | ||
+ | *[http://weibo.com/p/1001603845546463886385 DMLC对于机器学习和系统开发者意味着什么] | ||
+ | *[http://www.vas.io/blog/2013/03/23/machine-learning-in-erlang-and-cuda/ Machine Learning in Erlang and CUDA] | ||
+ | *[https://xyclade.github.io/MachineLearning/ Machine Learning for Developers] | ||
+ | *[http://www.csdn.net/article/2015-10-16/2825925 小团队撬动大数据——当当推荐团队的机器学习实践] | ||
+ | *[http://www.r2d3.us/%E5%9C%96%E8%A7%A3%E6%A9%9F%E5%99%A8%E5%AD%B8%E7%BF%92%E7%AC%AC%E4%B8%80%E7%AB%A0/?charset=simplified 图解机器学习] | ||
+ | *[https://www.freelancer.com/community/articles/the-best-machine-learning-tools The Best Machine Learning Tools] | ||
[[category:machine learning]] | [[category:machine learning]] | ||
[[category:artificial intelligence]] | [[category:artificial intelligence]] | ||
+ | [[category:computer science]] | ||
+ | [[category:mathematics]] | ||
+ | [[category:data science]] | ||
+ | [[category:python]] | ||
+ | [[category:haskell]] | ||
+ | [[category:clojure]] |
2022年9月20日 (二) 13:48的最后版本
您可以在Wikipedia上了解到此条目的英文信息 Machine learning Thanks, Wikipedia. |
machine learning 机器学习
目录 |
[编辑] 简介
机器学习是一种允许计算机使用现有数据预测未来行为、结果和趋势的数据科学方法,机器学习的预测可以使得应用和设备更智能。
机器学习是人工智能研究领域中的一个极其重要的方向。在现今大数据时代的背景下,捕获数据并从中萃取有价值的信息或模式,使得这一过去为分析师与数学家所专属的研究领域越来越为人们瞩目。
机器学习会成为研发未来人工智能的核心技术。人工智能发展的最大问题,是改进机器学习算法。
机器学习已经有了十分广泛的应用,例如:数据挖掘、计算机视觉、自然语言处理、生物特征识别、搜索引擎、医学诊断、检测信用卡欺诈、证券市场分析、DNA序列测序、语音和手写识别、战略游戏和机器人运用。
通常,人们会在三种情况下使用机器学习:
- 数据挖掘:机器学习可以帮助人们从大型数据库里得到深刻的见解。
- 统计工程:机器学习可以用来把数据转换成对不确定数据做决定的软件。
- 人工智能:机器学习可以用来模拟人类的思维,来创造可以看到,听到和理解人的计算机。
[编辑] 新闻
自http://www.infoq.com/feed/MachineLearning加载RSS失败或RSS源被墙
[编辑] GPU
CUDA 是 NVIDIA 发明的一种并行计算平台和编程模型。它通过利用图形处理器 (GPU) 的处理能力,可大幅提升计算性能。
工业与学术界的数据科学家已将 GPU 用于机器学习以便在各种应用上实现开创性的改进,这些应用包括图像分类、视频分析、语音识别以及自然语言处理等等。 尤其是深度学习,人们在这一领域中一直进行大力投资和研究。深度学习是利用复杂的多级「深度」神经网络来打造一些系统,这些系统能够从海量的未标记训练数据中进行特征检测。
虽然机器学习已经有数十年的历史,但是两个较为新近的趋势促进了机器学习的广泛应用: 海量训练数据的出现以及 GPU 计算所提供的强大而高效的并行计算。 人们利用 GPU 来训练这些深度神经网络,所使用的训练集大得多,所耗费的时间大幅缩短,占用的数据中心基础设施也少得多。 GPU 还被用于运行这些机器学习训练模型,以便在云端进行分类和预测,从而在耗费功率更低、占用基础设施更少的情况下能够支持远比从前更大的数据量和吞吐量。
将 GPU 加速器用于机器学习的早期用户包括诸多顶级规模的网络和社交媒体公司,另外还有数据科学和机器学习领域中一流的研究机构。 与单纯使用 CPU 的做法相比,GPU 具有数以千计的计算核心、可实现 10-100 倍应用吞吐量,因此 GPU 已经成为数据科学家处理大数据的首选处理器。
- NVIDIA Deep Learning Course: Class #1 – Introduction to Deep Learning
- NVIDIA Deep Learning Course: Class #2 – Getting Started with DIGITS
- NVIDIA Deep Learning Course: Class #3 – Getting started with Caffe
[编辑] 项目
- Awesome Machine Learning
- Awesome production machine learning
- Dive into Machine Learning
- 自上而下的学习路线: 软件工程师的机器学习
- Top 10 Machine Learning Projects on Github
- 常用机器学习框架
- PredictionIO
- Oryx
- Deeplearning4j
- MXNet DMLC Distributed (Deep) Machine Learning Common
- TensorFlow
- DMTK
- Transformers 为 Jax、PyTorch 和 TensorFlow 打造的先进的自然语言处理,提供了数以千计的预训练模型,支持 100 多种语言的文本分类、信息抽取、问答、摘要、翻译、文本生成。它的宗旨让最先进的 NLP 技术人人易用。
- Amazon DSSTNE
- GNU Octave
- weka
- Apache Mahout
- KNIME
- RapidMiner
- GoLearn
- ML.NET Machine Learning for .NET
- 39 Machine Learning Libraries for Spark
- MADlib: Big Data Machine Learning in SQL for Data Scientists
- fbcuda: Facebook's CUDA extensions.
- NuPIC
- brain: Neural networks in JavaScript
- Veles:三星机器学习平台
- Petuum
- HPCC
[编辑] 文档
- Deep Learning for Natural Language Processing and Related Applications
- Sibyl: 来自Google的大规模机器学习系统
- 百度:广告数据上的大规模机器学习
- MADlib: Big Data Machine Learning in PostgreSQL
- Practical Machine Learning Pipelines with MLlib
- Machine Learning with WEKA
- 阿里搜索基于HBase实时计算及在线学习系统Pora介绍
- Large-Scale Machine Learning at PayPal Risk
- Machine learning in finance using Spark ML pipeline
[编辑] 图书
- 《Introduction to Machine Learning》
- 《机器学习》中文版、Machine Learning
- 《机器学习导论(原书第2版)》
- 《机器学习实践指南 案例应用解析》
- 《概率编程和贝叶斯方法实践》 @nbviewer @huihoo
- 《统计学习方法》即统计机器学习方法(第2版)李航,课件下载 提取码:23tq
[编辑] 课程
- Neural Networks for Machine Learning by Geoffrey Hinton
- 斯坦福大学公开课 :机器学习课程
- Stanford机器学习
- Stanford Machine Learning Course notes
- 加州理工学院公开课:机器学习与数据挖掘
- BerkeleyX: CS190.1x Scalable Machine Learning、讲义下载
[编辑] 讲义
机器学习的PPT讲义,包括基于符号和逻辑表示的概念学习,决策树,计算学习,规则学习,基于解释的学习等内容。
讲义下载:
- 第1章 机器学习引言
- 第2章 基于符号和逻辑表示的概念学习
- 第3章 决策树学习
- 第4章 人工神经网络
- 第5章 评估假设
- 第6章 贝叶斯学习
- 第7章 计算学习理论
- 第8章 基于实例的学习
- 第9章 遗传算法
- 第10章 学习规则集合
- 第11章 分析学习
- 第12章 归纳和分析学习的结合
- 第13章 增强学习
[编辑] 视频
- 李飞飞: 我们怎么教计算机理解图片?赋予计算机视觉智能 ps: 在2007年发起了ImageNet(图片网络)计划.
[编辑] 图集
[编辑] 链接
- 维基百科Machine learning portal
- Berkeley Vision and Learning Center
- 机器学习开放文档
- Machine learning @ GitHub
- MLOSS (Machine Learning Open Source Software)
- 对话机器学习大神Yoshua Bengio(上)
- 对话机器学习大神Yoshua Bengio(下)
- 用Python做科学计算
- Machine Learning Content On InfoQ
- 火光摇曳
- 4G Spaces
- Amazon Web服务开展机器学习服务
- 机器学习笔记
- Wolfram 语言指南: 机器学习
- Machine Learning & Computer Vision Talks
- Distributed (Deep) Machine Learning Common
- Introduction to Deep Learning with Python
- 机器学习温和指南
- 我爱计算机
- DMLC对于机器学习和系统开发者意味着什么
- Machine Learning in Erlang and CUDA
- Machine Learning for Developers
- 小团队撬动大数据——当当推荐团队的机器学习实践
- 图解机器学习
- The Best Machine Learning Tools