Loading [MathJax]/jax/output/CommonHTML/config.js
前往小程序,Get更优阅读体验!
立即前往
首页
学习
活动
专区
圈层
工具
发布
首页
学习
活动
专区
圈层
工具
MCP广场
社区首页 >专栏 >前20名Python机器学习开源项目

前20名Python机器学习开源项目

作者头像
架构师研究会
发布于 2018-04-09 08:16:55
发布于 2018-04-09 08:16:55
7310
举报
文章被收录于专栏:超级架构师超级架构师

We analyze Top 20 Python Machine learning projects on GitHub and find that scikit-Learn, PyLearn2 and NuPic are the most actively contributed projects. Explore these popular projects on Github!

Fig. 1: Python Machine learning projects on GitHub, with color corresponding to commits/contributors. Bob, Iepy, Nilearn, and NuPIC have the highest such value.

  1. scikit-learn, 18845 commits, 404 contributors, www.github.com/scikit-learn/scikit-learn scikit-learn is a Python module for machine learning built on top of SciPy.It features various classification, regression and clustering algorithms including support vector machines, logistic regression, naive Bayes, random forests, gradient boosting, k-means and DBSCAN, and is designed to interoperate with the Python numerical and scientific libraries NumPy and SciPy.
  2. Pylearn2, 7027 commits, 117 contributors, www.github.com/lisa-lab/pylearn2 Pylearn2 is a library designed to make machine learning research easy. Its a library based on Theano
  3. NuPIC, 4392 commits, 60 contributors, www.github.com/numenta/nupic The Numenta Platform for Intelligent Computing (NuPIC) is a machine intelligence platform that implements the HTM learning algorithms. HTM is a detailed computational theory of the neocortex. At the core of HTM are time-based continuous learning algorithms that store and recall spatial and temporal patterns. NuPIC is suited to a variety of problems, particularly anomaly detection and prediction of streaming data sources.
  4. Nilearn, 2742 commits, 28 contributors, www.github.com/nilearn/nilearn Nilearn is a Python module for fast and easy statistical learning on NeuroImaging data. It leverages the scikit-learn Python toolbox for multivariate statistics with applications such as predictive modeling, classification, decoding, or connectivity analysis.
  5. PyBrain, 969 commits, 27 contributors, www.github.com/pybrain/pybrain PyBrain is short for Python-Based Reinforcement Learning, Artificial Intelligence and Neural Network Library. Its goal is to offer flexible, easy-to-use yet still powerful algorithms for Machine Learning Tasks and a variety of predefined environments to test and compare your algorithms.
  6. Pattern, 943 commits, 20 contributors, www.github.com/clips/pattern Pattern is a web mining module for Python. It has tools for Data Mining, Natural Language Processing, Network Analysis and Machine Learning. It supports vector space model, clustering, classification using KNN, SVM, Perceptron
  7. Fuel, 497 commits, 12 contributors, www.github.com/mila-udem/fuel Fuel provides your machine learning models with the data they need to learn. it has interfaces to common datasets such as MNIST, CIFAR-10 (image datasets), Google's One Billion Words (text). It gives you the ability to iterate over your data in a variety of ways, such as in minibatches with shuffled/sequential examples
  8. Bob, 5080 commits, 11 contributors, www.github.com/idiap/bob Bob is a free signal-processing and machine learning toolbox The toolbox is written in a mix of Python and C++ and is designed to be both efficient and reduce development time. It is composed of a reasonably large number of packages that implement tools for image, audio & video processing, machine learning and pattern recognition
  9. skdata, 441 commits, 10 contributors, www.github.com/jaberg/skdata Skdata is a library of data sets for machine learning and statistics. This module provides standardized Python access to toy problems as well as popular computer vision and natural language processing data sets.
  10. MILK, 687 commits, 9 contributors, www.github.com/luispedro/milk Milk is a machine learning toolkit in Python. Its focus is on supervised classification with several classifiers available: SVMs, k-NN, random forests, decision trees. It also performs feature selection. These classifiers can be combined in many ways to form different classification systems.For unsupervised learning, milk supports k-means clustering and affinity propagation.
  11. IEPY, 1758 commits, 9 contributors, www.github.com/machinalis/iepy IEPY is an open source tool for Information Extraction focused on Relation Extraction It's aimed at users needing to perform Information Extraction on a large dataset. scientists wanting to experiment with new IE algorithms.
  12. Quepy, 131 commits, 9 contributors, www.github.com/machinalis/quepy Quepy is a python framework to transform natural language questions to queries in a database query language. It can be easily customized to different kinds of questions in natural language and database queries. So, with little coding you can build your own system for natural language access to your database. Currently Quepy provides support for Sparql and MQL query languages, with plans to extended it to other database query languages.
  13. Hebel, 244 commits, 5 contributors, www.github.com/hannes-brt/hebel Hebel is a library for deep learning with neural networks in Python using GPU acceleration with CUDA through PyCUDA. It implements the most important types of neural network models and offers a variety of different activation functions and training methods such as momentum, Nesterov momentum, dropout, and early stopping.
  14. mlxtend, 135 commits, 5 contributors, www.github.com/rasbt/mlxtend Its a library consisting of useful tools and extensions for the day-to-day data science tasks.
  15. nolearn, 192 commits, 4 contributors, www.github.com/dnouri/nolearn This package contains a number of utility modules that are helpful with machine learning tasks. Most of the modules work together with scikit-learn, others are more generally useful.
  16. Ramp, 179 commits, 4 contributors, www.github.com/kvh/ramp Ramp is a python library for rapid prototyping of machine learning solutions. It's a light-weight pandas-based machine learning framework pluggable with existing python machine learning and statistics tools (scikit-learn, rpy2, etc.). Ramp provides a simple, declarative syntax for exploring features, algorithms and transformations quickly and efficiently.
  17. Feature Forge, 219 commits, 3 contributors, www.github.com/machinalis/featureforge A set of tools for creating and testing machine learning features, with a scikit-learn compatible API. This library provides a set of tools that can be useful in many machine learning applications (classification, clustering, regression, etc.), and particularly helpful if you use scikit-learn (although this can work if you have a different algorithm).
  18. REP, 50 commits, 3 contributors, www.github.com/yandex/rep REP is environment for conducting data-driven research in a consistent and reproducible way. It has a unified classifiers wrapper for variety of implementations like TMVA, Sklearn, XGBoost, uBoost. It can train classifiers in parallel on a cluster. It supports interactive plots
  19. Python Machine Learning Samples, 15 commits, 3 contributors, www.github.com/awslabs/machine-learning-samples A collection of sample applications built using Amazon Machine Learning.
  20. Python-ELM, 17 commits, 1 contributor, www.github.com/dclambert/Python-ELM This is an implementation of the Extreme Learning Machine in Python, based on scikit-learn.
本文参与 腾讯云自媒体同步曝光计划,分享自微信公众号。
原始发表:2017-03-23,如有侵权请联系 cloudcommunity@tencent.com 删除

本文分享自 首席架构师智库 微信公众号,前往查看

如有侵权,请联系 cloudcommunity@tencent.com 删除。

本文参与 腾讯云自媒体同步曝光计划  ,欢迎热爱写作的你一起参与!

评论
登录后参与评论
暂无评论
推荐阅读
编辑精选文章
换一批
Python相关机器学习‘武器库’
开始学习Python,之后渐渐成为我学习工作中的第一辅助脚本语言,虽然开发语言是Java,但平时的很多文本数据处理任务都交给了Python。这些年来,接触和使用了很多Python工具包,特别是在文本处理,科学计算,机器学习和数据挖掘领域,有很多很多优秀的Python工具包可供使用,所以作为Pythoner,也是相当幸福的。如果仔细留意微博和论坛,你会发现很多这方面的分享,自己也Google了一下,发现也有同学总结了“Python机器学习库”,不过总感觉缺少点什么。最近流行一个词,全栈工程师(full st
智能算法
2018/04/02
1K0
GitHub最著名的20个Python机器学习项目
摘要: 开源是技术创新和快速发展的核心。这篇文章向你展示Python机器学习开源项目以及在分析过程中发现的非常有趣的见解和趋势。 我们分析了GitHub上的前20名Python机器学习项目,发现sc
IT派
2018/03/28
1.1K0
GitHub最著名的20个Python机器学习项目
【机器学习】Python语言下的机器学习库
Python是最好的编程语言之一,在科学计算中用途广泛:计算机视觉、人工智能、数学、天文等。它同样适用于机器学习也是意料之中的事。 当然,它也有些缺点;其中一个是工具和库过于分散。如果你是拥有unix思维(unix-minded)的人,你会觉得每个工具只做一件事并且把它做好是非常方便的。但是你也需要知道不同库和工具的优缺点,这样在构建系统时才能做出合理的决策。工具本身不能改善系统或产品,但是使用正确的工具,我们可以工作得更高效,生产率更高。因此了解正确的工具,对你的工作领域是非常重要的。 这篇文章的目的就是
陆勤_数据人网
2018/02/26
8110
盘点·GitHub最著名的20个Python机器学习项目
本文介绍了GitHub上最流行的20个Python机器学习项目,包括scikit-learn、Pylearn2、NuPIC等,并分析了这些项目的特点和贡献。
企鹅号小编
2017/12/28
9670
盘点·GitHub最著名的20个Python机器学习项目
【Python环境】Python 网页爬虫 &文本处理 & 科学计算 &机器学习 &数据挖掘兵器谱
曾经因为NLTK的缘故开始学习Python,之后渐渐成为我工作中的第一辅助脚本语言,虽然开发语言是C/C++,但平时的很多文本数据处理任务都交给了Python。离开腾讯创业后,第一个作品课程图谱也是选择了Python系的Flask框架,渐渐的将自己的绝大部分工作交给了Python。这些年来,接触和使用了很多Python工具包,特别是在文本处理,科学计算,机器学习和数据挖掘领域,有很多很多优秀的Python工具包可供使用,所以作为Pythoner,也是相当幸福的。其实如果仔细留意微博,你会发现很多这方面的分享
陆勤_数据人网
2018/02/26
8770
盘点 | 今年GitHub排名前20的Python机器学习开源项目
当今时代,开源是创新和技术快速发展的核心。本文来自 KDnuggets 的年度盘点,介绍了 2016 年排名前 20 的 Python 机器学习开源项目,在介绍的同时也会做一些有趣的分析以及谈一谈它们
CDA数据分析师
2018/02/05
9960
盘点 | 今年GitHub排名前20的Python机器学习开源项目
Github上Top20 Python与机器学习开源项目推荐
关于更多机器学习、人工智能、增强现实、Unity、Unreal资源和技术干货,可以关注公众号:AIRX社区,共同学习,一起进步!AIRX三次方
三次方AIRX
2020/12/05
1.5K0
满满的干货:机器学习资料(五)
今天给大侠带来机器学习资料(五),第五篇带来自然语言处理、通用机器学习、数据分析/数据可视化、Python计算机视觉、自然语言处理、通用机器学习的各种库以及各种资料链接推荐,满满的干货,话不多说,上货。
FPGA技术江湖
2020/12/30
3870
推荐:机器学习 Python库Top 20
如今开源是创新的核心,推动着技术的飞速革新。本文会为你介绍 2016 年机器学习 Top 20 Python 开源项目,同时分析得出一些有趣的见解和发展趋势。 KDnuggets 为您带来 Github 上最新的 Python 机器学习开源项目前 20 名。奇怪的是,去年一些非常活跃的项目渐渐停滞了,因此没能上榜,而 13 个新项目冲进了今年的 top 20(参考贡献 contributions 和提交数 commits)。 2016 Top 20 Python 机器学习开源项目 1. Scikit-l
企鹅号小编
2018/01/12
1K0
推荐:机器学习 Python库Top 20
机器学习必备:前20名Python人工智能和机器学习开源项目
源 / 深度学习世界 文 / IIan Reinstein 译 / 乌拉乌拉 如今机器学习和人工智能已经变得家喻户晓,有很多爱好者进入了该领域。但是,什么才是能够进入该领域的正确路径呢?如何
顶级程序员
2018/05/03
1K0
机器学习必备:前20名Python人工智能和机器学习开源项目
【人工智能】机器学习工具总览
当谈到训练计算机在没有明确编程的情况下采取行动时,存在大量来自机器学习领域的工具。学术界和行业专业人士使用这些工具在MRI扫描中构建从语音识别到癌症检测的多种应用。这些工具可在网上免费获得。如果您感兴趣,我已经编制了这些的排名(请参阅本页底部)以及一些区分它们的重要功能的概述。其中,从主页网站获取每种工具的描述,关注机器学习中的特定范例以及学术界和工业界的一些显着用途。
架构师研究会
2023/01/05
1.2K0
【人工智能】机器学习工具总览
【Python环境】python中的数据分析库及机器学习库
Python 计算机视觉 SimpleCV—开源的计算机视觉框架,可以访问如OpenCV等高性能计算机视觉库。使用Python编写,可以在Mac、Windows以及Ubuntu上运行。 自然语言处理 NLTK —一个领先的平台,用来编写处理人类语言数据的Python程序 Pattern—Python可用的web挖掘模块,包括自然语言处理、机器学习等工具。 TextBlob—为普通自然语言处理任务提供一致的API,以NLTK和Pattern为基础,并和两者都能很好兼容。 jieba—中文断词工具。 Sno
陆勤_数据人网
2018/02/26
1.2K0
【Python环境】python中的数据分析库及机器学习库
人工智能和机器学习领域中10个开源项目
GraphLab GraphLab是一种新的面向机器学习的并行框架。GraphLab提供了一个完整的平台,让机构可以使用可扩展的机器学习系统建立大数据以 分析产品,该公司客户包括Zillow、Adobe、Zynga、Pandora、Bosch、ExxonMobil等,它们从别的应用程序或者服务中抓 取数据,通过推荐系统、欺诈监测系统、情感及社交网络分析系统等系统模式将大数据理念转换为生产环境下可以使用的预测应用程序。( 详情 ) 项目主页: http://graphlab.org/ Vowpal Wabb
大数据文摘
2018/05/23
5810
TOP20你用了几个?Python人工智能与机器学习开源项目
相对于2016年的报告,2018年《Top 20 Python AI and Machine Learning projects on Github》报告主要有如下几个变化:
IT派
2018/08/10
6060
TOP20你用了几个?Python人工智能与机器学习开源项目
【Python环境】Python机器学习库
Python在科学计算领域,有两个重要的扩展模块:Numpy和Scipy。其中Numpy是一个用python实现的科学计算包。包括: 一个强大的N维数组对象Array; 比较成熟的(广播)函数库; 用于整合C/C++和Fortran代码的工具包; 实用的线性代数、傅里叶变换和随机数生成函数。 SciPy是一个开源的Python算法库和数学工具包,SciPy包含的模块有最优化、线性代数、积分、插值、特殊函数、快速傅里叶变换、信号处理和图像处理、常微分方程求解和其他科学与工程中常用的计算。其功能与软
陆勤_数据人网
2018/02/27
1.1K0
收藏 | 机器学习、NLP、Python和Math最好的150余个教程
尽管机器学习的历史可以追溯到1959年,但目前,这个领域正以前所未有的速度发展。最近,我一直在网上寻找关于机器学习和NLP各方面的好资源,为了帮助到和我有相同需求的人,我整理了一份迄今为止我发现的最好
CDA数据分析师
2018/02/05
8100
收藏 | 机器学习、NLP、Python和Math最好的150余个教程
【机器学习Machine Learning】资料大全
  昨天总结了深度学习的资料,今天把机器学习的资料也总结一下(友情提示:有些网站需要"科学上网"^_^)   推荐几本好书: 1.Pattern Recognition and Machine Learning (by Hastie, Tibshirani, and Friedman's ) 2.Elements of Statistical Learning(by Bishop's)   这两本是英文的,但是非常全,第一本需要有一定的数学基础,第可以先看第二本。如果看英文觉得吃力,推荐看一下下面几本英文书
Charlotte77
2018/01/09
8.9K0
这是一份超全机器学习&深度学习资源清单(105个AI站点),请收藏!
howie6879在Github上维护了一个机器学习网站导航以及资源的目录,包含了新闻资讯、课程、比赛、项目、文档等导航链接,主流的都涵盖到,是深度学习从业者不错的一个导航,欢迎使用!
昱良
2018/12/17
1.1K0
相关推荐
Python相关机器学习‘武器库’
更多 >
领券
💥开发者 MCP广场重磅上线!
精选全网热门MCP server,让你的AI更好用 🚀
问题归档专栏文章快讯文章归档关键词归档开发者手册归档开发者手册 Section 归档