资讯详情

Python资源大全

  • Python 3.7.4 文档:https://docs.python.org/zh-cn/3.7/
  • TensorFlow Lite 训练过程: http://www.luyixian.cn/news_show_16934.aspx
  • TensorFlow Lite:https://tensorflow.google.cn/lite/convert/python_api
  • pyimagesearch:https://www.pyimagesearch.com/
  • tensorflow训练模型:https://www.cnblogs.com/qcloud1001/p/7677661.html
  • 快速安装模块:pip3 install PyQt5 -i https://pypi.tuna.tsinghua.edu.cn/simple
  • python开源项目及示例代码:https://www.cnblogs.com/dpf-learn/p/8053043.html
  • 博客教程: https://www.zmrenwu.com/courses/hellodjango-blog-tutorial/
  • 软件开发工具集合: https://pc.qq.com/category/c1.html
  • Python 模块库: https://www.lfd.uci.edu/~gohlke/pythonlibs
  • python教程: http://zetcode.com/
  • 菜鸟教程: https://www.runoob.com/
  • 500 Lines or Less: http://aosabook.org/en/index.html
  • Python 练手项目: https://www.zhihu.com/question/29372574
  • Python 流媒体播放器(基于VLC): https://blog.csdn.net/yingshukun/article/details/89527561
  • 树莓派 USB摄像头 实现网络监控( MJPG-Streamer): https://blog.csdn.net/qq_41923622/article/details/88366185
  • 手把手教你用一行代码识别人脸 -- Python Face_recognition: https://www.imooc.com/article/22377
  • 图片人脸检测——Dlib版: https://www.cnblogs.com/vipstone/p/8964656.html
  • Links for dlib: https://pypi.org/simple/dlib/

  • dlib : http://dlib.net/
  • 目标检测: http://objectdetection.cn/
  • 人脸识别:https://blog.csdn.net/qq_34654240/article/details/82860391
  • 人脸识别开源:https://www.cnblogs.com/shine-lee/p/10045672.html
  • ImageAI: https://github.com/OlafenwaMoses/ImageAI
  • 第二届国际智能语音与人工智能产品创新大赛:http://ai.chinaitcapital.com/about.html
  • 基于深度学习的中文语音识别系统:https://github.com/nl8590687/ASRT_SpeechRecognition
  • A Deep-Learning-Based Chinese Speech Recognition System:https://asrt.ailemon.me/
  • 人工智能平台:https://cn.olami.ai/open/website/home/home_show

  • 国家自然科学基金基础研究知识库: http://or.nsfc.gov.cn/
  • 国家哲学社会科学学术期刊数据库: http://www.nssd.org/
  • 谷歌学术镜像: http://ac.scmor.com/
  • 百度学术: http://xueshu.baidu.com/
  • 上海研发公共服务平台: http://lib.sstir.cn/
  • 贵州数字图书馆: http://www.gzlib.org/
  • 论文下载: http://tool.yovisun.com/scihub/
  • Open Access Library: http://www.oalib.com/
  • pdf下载: http://libgen.io/
  • 喵咪论文: https://lunwen.im/

  • 清华大学人工智能硕士课程: https://www.csdn.net/gather_4a/NtzaAgwsNi1lZHUO0O0O.html
  • 机器学习资源: http://km.ultrapower.com.cn/KMBasePlat/kmViewQuery.do?method=search&type=39&id=1552359677896
  • AI开源项目集: https://paperswithcode.com/sota
  • TensorFlow 2.0指南: https://tensorflow.google.cn/guide/?hl=zh-CN
  • 史上最全的Tensorflow学习资源总结:https://blog.csdn.net/fendouaini/article/details/79885721
  • TensorFlow 中文系列教程:http://www.tensorflownews.com/
  • 人脸笑容检测:https://blog.csdn.net/wc781708249/article/details/78582430
  • 植物识别:https://www.ctolib.com/topics-125561.html
  • OpenCV级联分类器训练: http://www.opencv.org.cn/opencvdoc/2.3.2/html/doc/user_guide/ug_traincascade.html
  • opencv3.3版本训练自己的物体分类器: https://blog.csdn.net/qq_32502511/article/details/79010509
  • 实现目标检测的十行代码:https://blog.csdn.net/HelloZEX/article/details/80811474
  • 实现目标检测的10行代码:https://blog.csdn.net/guleileo/article/details/80767966
  • ImageAI对象检测:https://imageai-cn.readthedocs.io/zh_CN/latest/ImageAI_Object_Detection.html
  • Github/OlafenwaMoses/https://github.com/OlafenwaMoses/ImageAI
  • 对象检测、对象识别:https://www.cnblogs.com/wuzaipei/p/9696601.html
  • YOLOv3 资源合集: https://blog.csdn.net/jiachen0212/article/details/79712362
  • tensorflow模型部署系列————tensorflow导出预训练模型
  • tensorflow模型部署系列-单机python部署
  • tensorflow模型部署系列-单机c 部署
  • tensorflow模型部署系列-单机java部署
  • tensorflow模型部署系列-嵌入式部署
  • tensorflow模型部署系列-浏览器前端部署
  • tensorflow模型部署系列-独立简单服务器部署
  • tensorflow模型部署系列————TensorFlow Serving部署
  • 单机c 部署:https://www.cnblogs.com/qiandeheng/p/10175188.html

Awesome-TensorFlow-Chinese

TensorFlow 全集中文资源,推荐学习路径:

  • 官方网站,初步了解。
  • 安装后跑起来安装教程。
  • 入门教程,简单的模型学习和操作。
  • 根据自身需要开发实战项目。

以下英语项目有很多内容:

<>Inspired by https://github.com/jtoy/awesome-tensorflow

官方网站

  • 官网:https://www.tensorflow.org/

  • 中文:https://tensorflow.google.cn/

  • GitHub:https://github.com/tensorflow

安装教程

中文安装教程

  • Mac安装:http://www.cnblogs.com/tensorflownews/p/7298646.html

  • 极客学院教程:http://wiki.jikexueyuan.com/project/tensorflow-zh/get_started/os_setup.html

官方安装教程(建议用官方教程,现在官网可以直接访问了。)

  • Mac:https://tensorflow.google.cn/install/install_mac

  • Windows:https://tensorflow.google.cn/install/install_windows

  • Linux:https://tensorflow.google.cn/install/install_linux

入门教程

官方入门教程

  • 开始学习:https://tensorflow.google.cn/get_started/

  • MNIST 针对初学者的字体识别:https://tensorflow.google.cn/get_started/mnist/beginners

  • MNIST 针对专业的深度字体识别:https://tensorflow.google.cn/get_started/mnist/pros

入门教程

  • 极客学院:http://wiki.jikexueyuan.com/project/tensorflow-zh/

  • 大U的技术课堂:https://zhuanlan.zhihu.com/p/22410917

  • TensorFlowNews:https://zhuanlan.zhihu.com/TensorFlownews

实战项目

官方实战项目

Models built with TensorFlow

  • models:https://github.com/tensorflow/models

Magenta: Music and Art Generation with Machine Intelligence

  • magenta:https://github.com/tensorflow/magenta

TensorFlow Neural Machine Translation Tutorial

  • nmt:https://github.com/tensorflow/nmt

书籍(推荐)

Deep Learninghttp://www.tensorflownews.com/2017/08/29/deep-learning-an-mit-press-book

Deep Learning 中文翻译http://www.tensorflownews.com/2017/08/29/deep-learning-book-chinese-translation/

社区群组

QQ群

522785813

http://www.tensorflownews.com/

个人项目。

TensorFlow 卷积神经网络 Model Project:

FaceRank - Rank Face by CNN Model based on TensorFlow (add keras version). FaceRank-人脸打分基于 TensorFlow (新增 Keras 版本) 的 CNN 模型(可能是最有趣的 TensorFlow 中文入门实战项目)

https://github.com/fendouai/FaceRank

TensorFlow 循环神经网络 Model Project:

一个比特币交易机器人基于 Tensorflow LSTM 模型,仅供娱乐。 A Bitcoin trade robot based on Tensorflow LSTM model.Just for fun.

https://github.com/TensorFlowNews/TensorFlow-Bitcoin-Robot

TensorFlow Seq2Seq Model Project:

ChatGirl is an AI ChatBot based on TensorFlow Seq2Seq Model.ChatGirl 一个基于 TensorFlow Seq2Seq 模型的聊天机器人。(包含预处理过的 twitter 英文数据集,训练,运行,工具代码,可以运行但是效果有待提高。)

https://github.com/fendouai/ChatGirl

教程

  • TensorFlow Examples - 针对初学者的 TensorFlow 教程和代码
  • TensorFlow Tutorial - 从基础知识到有趣的 tensorflow 应用
  • TensorFlow Tutorial - 基于谷歌的 TensorFlow 框架介绍深度学习
  • Sungjoon's TensorFlow-101 - TensorFlow 教程用 Python 的 Jupyter Notebook
  • Terry Um’s TensorFlow Exercises - Re-create the codes from other TensorFlow examples
  • Installing TensorFlow on Raspberry Pi 3 - TensorFlow compiled and running properly on the Raspberry Pi
  • Classification on time series - Recurrent Neural Network classification in TensorFlow with LSTM on cellphone sensor data
  • Getting Started with TensorFlow on Android - Build your first TensorFlow Android app
  • Predict time series - Learn to use a seq2seq model on simple datasets as an introduction to the vast array of possibilities that this architecture offers
  • Single Image Random Dot Stereograms - SIRDS is a means to present 3D data in a 2D image. It allows for scientific data display of a waterfall type plot with no hidden lines due to perspective.
  • CS20 SI: TensorFlow for DeepLearning Research - Stanford Course about Tensorflow from 2017 - Syllabus - Unofficial Videos
  • TensorFlow World - Concise and ready-to-use TensorFlow tutorials with detailed documentation are provided.
  • Effective Tensorflow - Tensorflow howtos and best practices. Covers the basics as well as advanced topics.

模型项目

  • Domain Transfer Network - Implementation of Unsupervised Cross-Domain Image Generation

  • Show, Attend and Tell - Attention Based Image Caption Generator

  • Neural Style Implementation of Neural Style

  • Pretty Tensor - Pretty Tensor provides a high level builder API

  • Neural Style - An implementation of neural style

  • AlexNet3D - An implementations of AlexNet3D. Simple AlexNet model but with 3D convolutional layers (conv3d).

  • TensorFlow White Paper Notes - Annotated notes and summaries of the TensorFlow white paper, along with SVG figures and links to documentation

  • NeuralArt - Implementation of A Neural Algorithm of Artistic Style

  • Deep-Q learning Pong with TensorFlow and PyGame

  • Generative Handwriting Demo using TensorFlow - An attempt to implement the random handwriting generation portion of Alex Graves' paper

  • Neural Turing Machine in TensorFlow - implementation of Neural Turing Machine

  • GoogleNet Convolutional Neural Network Groups Movie Scenes By Setting - Search, filter, and describe videos based on objects, places, and other things that appear in them

  • Neural machine translation between the writings of Shakespeare and modern English using TensorFlow - This performs a monolingual translation, going from modern English to Shakespeare and vis-versa.

  • Chatbot - Implementation of "A neural conversational model"

  • Colornet - Neural Network to colorize grayscale images - Neural Network to colorize grayscale images

  • Neural Caption Generator - Implementation of "Show and Tell"

  • Neural Caption Generator with Attention - Implementation of "Show, Attend and Tell"

  • Weakly_detector - Implementation of "Learning Deep Features for Discriminative Localization"

  • Dynamic Capacity Networks - Implementation of "Dynamic Capacity Networks"

  • HMM in TensorFlow - Implementation of viterbi and forward/backward algorithms for HMM

  • DeepOSM - Train TensorFlow neural nets with OpenStreetMap features and satellite imagery.

  • DQN-tensorflow - TensorFlow implementation of DeepMind's 'Human-Level Control through Deep Reinforcement Learning' with OpenAI Gym by Devsisters.com

  • Highway Network - TensorFlow implementation of "Training Very Deep Networks" with a blog post

  • Sentence Classification with CNN - TensorFlow implementation of "Convolutional Neural Networks for Sentence Classification" with a blog post

  • End-To-End Memory Networks - Implementation of End-To-End Memory Networks

  • Character-Aware Neural Language Models - TensorFlow implementation of Character-Aware Neural Language Models

  • YOLO TensorFlow ++ - TensorFlow implementation of 'YOLO: Real-Time Object Detection', with training and an actual support for real-time running on mobile devices.

  • Wavenet - This is a TensorFlow implementation of the WaveNet generative neural network architecture for audio generation.

  • Mnemonic Descent Method - Tensorflow implementation of "Mnemonic Descent Method: A recurrent process applied for end-to-end face alignment"

  • CNN visualization using Tensorflow - Tensorflow implementation of "Visualizing and Understanding Convolutional Networks"

  • VGAN Tensorflow - Tensorflow implementation for MIT "Generating Videos with Scene Dynamics" by Vondrick et al.

  • 3D Convolutional Neural Networks in TensorFlow - Implementation of "3D Convolutional Neural Networks for Speaker Verification application" in TensorFlow by Torfi et al.

  • Lip Reading - Cross Audio-Visual Recognition using 3D Architectures in TensorFlow - TensorFlow Implementation of "Cross Audio-Visual Recognition in the Wild Using Deep Learning" by Torfi et al.

基于 TensorFlow 的产品

  • YOLO TensorFlow - Implementation of 'YOLO : Real-Time Object Detection'
  • android-yolo - Real-time object detection on Android using the YOLO network, powered by TensorFlow.
  • Magenta - Research project to advance the state of the art in machine intelligence for music and art generation

  • tf.contrib.learn - Simplified interface for Deep/Machine Learning (now part of TensorFlow)
  • tensorflow.rb - TensorFlow native interface for ruby using SWIG
  • tflearn - Deep learning library featuring a higher-level API
  • TensorFlow-Slim - High-level library for defining models
  • TensorFrames - TensorFlow binding for Apache Spark
  • TensorFlowOnSpark - initiative from Yahoo! to enable distributed TensorFlow with Apache Spark.
  • caffe-tensorflow - Convert Caffe models to TensorFlow format
  • keras - Minimal, modular deep learning library for TensorFlow and Theano
  • SyntaxNet: Neural Models of Syntax - A TensorFlow implementation of the models described in Globally Normalized Transition-Based Neural Networks, Andor et al. (2016)
  • keras-js - Run Keras models (tensorflow backend) in the browser, with GPU support
  • NNFlow - Simple framework allowing to read-in ROOT NTuples by converting them to a Numpy array and then use them in Google Tensorflow.
  • Sonnet - Sonnet is DeepMind's library built on top of TensorFlow for building complex neural networks.
  • tensorpack - Neural Network Toolbox on TensorFlow focusing on training speed and on large datasets.

视频

  • TensorFlow Guide 1 - A guide to installation and use
  • TensorFlow Guide 2 - Continuation of first video
  • TensorFlow Basic Usage - A guide going over basic usage
  • TensorFlow Deep MNIST for Experts - Goes over Deep MNIST
  • TensorFlow Udacity Deep Learning - Basic steps to install TensorFlow for free on the Cloud 9 online service with 1Gb of data
  • Why Google wants everyone to have access to TensorFlow
  • Videos from TensorFlow Silicon Valley Meet Up 1/19/2016
  • Videos from TensorFlow Silicon Valley Meet Up 1/21/2016
  • Stanford CS224d Lecture 7 - Introduction to TensorFlow, 19th Apr 2016 - CS224d Deep Learning for Natural Language Processing by Richard Socher
  • Diving into Machine Learning through TensorFlow - Pycon 2016 Portland Oregon, Slide & Code by Julia Ferraioli, Amy Unruh, Eli Bixby
  • Large Scale Deep Learning with TensorFlow - Spark Summit 2016 Keynote by Jeff Dean
  • Tensorflow and deep learning - without at PhD - by Martin Görner
  • Tensorflow and deep learning - without at PhD, Part 2 (Google Cloud Next '17) - by Martin Görner

论文

  • TensorFlow: Large-Scale Machine Learning on Heterogeneous Distributed Systems - This paper describes the TensorFlow interface and an implementation of that interface that we have built at Google
  • TF.Learn: TensorFlow's High-level Module for Distributed Machine Learning
  • Comparative Study of Deep Learning Software Frameworks - The study is performed on several types of deep learning architectures and we evaluate the performance of the above frameworks when employed on a single machine for both (multi-threaded) CPU and GPU (Nvidia Titan X) settings
  • Distributed TensorFlow with MPI - In this paper, we extend recently proposed Google TensorFlow for execution on large scale clusters using Message Passing Interface (MPI)
  • Globally Normalized Transition-Based Neural Networks - This paper describes the models behind SyntaxNet.
  • TensorFlow: A system for large-scale machine learning - This paper describes the TensorFlow dataflow model in contrast to existing systems and demonstrate the compelling performance

官方博客

  • TensorFlow: smarter machine learning, for everyone - An introduction to TensorFlow
  • Announcing SyntaxNet: The World’s Most Accurate Parser Goes Open Source - Release of SyntaxNet, "an open-source neural network framework implemented in TensorFlow that provides a foundation for Natural Language Understanding systems.

博客文章

  • Why TensorFlow will change the Game for AI
  • TensorFlow for Poets - Goes over the implementation of TensorFlow
  • Introduction to Scikit Flow - Simplified Interface to TensorFlow - Key Features Illustrated
  • Building Machine Learning Estimator in TensorFlow - Understanding the Internals of TensorFlow Learn Estimators
  • TensorFlow - Not Just For Deep Learning
  • The indico Machine Learning Team's take on TensorFlow
  • The Good, Bad, & Ugly of TensorFlow - A survey of six months rapid evolution (+ tips/hacks and code to fix the ugly stuff), Dan Kuster at Indico, May 9, 2016
  • Fizz Buzz in TensorFlow - A joke by Joel Grus
  • RNNs In TensorFlow, A Practical Guide And Undocumented Features - Step-by-step guide with full code examples on GitHub.
  • Using TensorBoard to Visualize Image Classification Retraining in TensorFlow
  • TFRecords Guide semantic segmentation and handling the TFRecord file format.
  • TensorFlow Android Guide - Android TensorFlow Machine Learning Example.
  • TensorFlow Optimizations on Modern Intel® Architecture - Introduces TensorFlow optimizations on Intel® Xeon® and Intel® Xeon Phi™ processor-based platforms based on an Intel/Google collaboration.

社区

  • Stack Overflow
  • @TensorFlow on Twitter
  • Reddit
  • Mailing List

书籍

  • Machine Learning with TensorFlow by Nishant Shukla, computer vision researcher at UCLA and author of Haskell Data Analysis Cookbook. This book makes the math-heavy topic of ML approachable and practicle to a newcomer.
  • First Contact with TensorFlow by Jordi Torres, professor at UPC Barcelona Tech and a research manager and senior advisor at Barcelona Supercomputing Center
  • Deep Learning with Python - Develop Deep Learning Models on Theano and TensorFlow Using Keras by Jason Brownlee
  • TensorFlow for Machine Intelligence - Complete guide to use TensorFlow from the basics of graph computing, to deep learning models to using it in production environments - Bleeding Edge Press
  • Getting Started with TensorFlow - Get up and running with the latest numerical computing library by Google and dive deeper into your data, by Giancarlo Zaccone
  • Hands-On Machine Learning with Scikit-Learn and TensorFlow – by Aurélien Geron, former lead of the YouTube video classification team. Covers ML fundamentals, training and deploying deep nets across multiple servers and GPUs using TensorFlow, the latest CNN, RNN and Autoencoder architectures, and Reinforcement Learning (Deep Q).
  • Building Machine Learning Projects with Tensorflow – by Rodolfo Bonnin. This book covers various projects in TensorFlow that expose what can be done with TensorFlow in different scenarios. The book provides projects on training models, machine learning, deep learning, and working with various neural networks. Each project is an engaging and insightful exercise that will teach you how to use TensorFlow and show you how layers of data can be explored by working with Tensors.

更多 TensorFlow 资源

磐创智能

http://panchuang.net

tensorflownews

http://www.tensorflownews.com/

链接:https://www.jianshu.com/p/61170655fd97  

  • 渗透漏洞脚本大集合、漏洞发布网站:https://www.exploit-db.com/
  • Github安全开源工具集合: https://blog.csdn.net/sonbyn001/article/details/72782720
  • Github上优秀安全资源大全(编程、渗透、CTF): https://blog.csdn.net/wswokao/article/details/80881544
  • 利用msf自动攻击 :https://www.cnblogs.com/haq5201314/p/8318645.html
  • NC:https://www.freebuf.com/column/135007.html

  • 国家计算机病毒应急处理中心: http://www.cverc.org.cn/
  • 病毒检测和分析网站: https://www.virustotal.com/
  • 目前一个比较权威的各类杀毒软件在线检测的网站: http://www.virscan.org/
  • ClamAv开源杀毒引擎: http://www.clamav.net/
  • Clamwin官方网站:http://www.clamwin.com/
  • ClamAv开源杀毒引擎详解: https://blog.csdn.net/yangyuge1987/article/details/72621560
  • 开源杀毒软件: https://www.oschina.net/project/tag/93/antivirus
  • 杀毒软件大全: https://www.ttrar.com/zhuanti/shadu/
  • 编写简易病毒扫描程序:https://wenku.baidu.com/view/1a264ba6de80d4d8d05a4f1e.html
  • Python的恶意软件分析脚本: https://blog.csdn.net/qq_41841569/article/details/82811204
  • C++/MFC/Python杀毒软件 安全卫士项目: https://blog.csdn.net/qq_43572067/article/details/84184539
  • 【android】仿360手机卫士的简易设计思路及源码: https://blog.csdn.net/zjngogo/article/details/50407619
  • 开发人员用什么样的杀毒软件: https://bbs.csdn.net/topics/250058245
  • 反病毒攻防研究第001篇--利用注册表实现自启动: https://blog.csdn.net/ioio_jy/article/details/38894059
  • 反病毒攻防研究第002篇--利用缝隙实现代码的植入: https://blog.csdn.net/ioio_jy/article/details/39079879

管理 Python 版本和环境的工具

  • p:非常简单的交互式 python 版本管理工具。官网
  • pyenv:简单的 Python 版本管理工具。官网
  • Vex:可以在虚拟环境中执行命令。官网
  • virtualenv:创建独立 Python 环境的工具。官网
  • virtualenvwrapper:virtualenv 的一组扩展。官网

管理包和依赖的工具。

  • pip:Python 包和依赖关系管理工具。官网
  • pip-tools:保证 Python 包依赖关系更新的一组工具。官网
  • pipenv:Pyhton 官方推荐的新一代包管理工具。官网
  • conda:跨平台,Python 二进制包管理工具。官网
  • Curdling:管理 Python 包的命令行工具。官网
  • wheel:Python 分发的新标准,意在取代 eggs。官网

本地 PyPI 仓库服务和代理。

  • warehouse:下一代 PyPI。官网
  • bandersnatch:PyPA 提供的 PyPI 镜像工具。官网
  • devpi:PyPI 服务和打包/测试/分发工具。官网
  • localshop:本地 PyPI 服务(自定义包并且自动对 PyPI 镜像)。官网

打包为可执行文件以便分发。

  • PyInstaller:将 Python 程序转换成独立的执行文件(跨平台)。官网
  • dh-virtualenv:构建并将 virtualenv 虚拟环境作为一个 Debian 包来发布。官网
  • Nuitka:将脚本、模块、包编译成可执行文件或扩展模块。官网
  • py2app:将 Python 脚本变为独立软件包(Mac OS X)。官网
  • py2exe:将 Python 脚本变为独立软件包(Windows)。官网
  • pynsist:一个用来创建 Windows 安装程序的工具,可以在安装程序中打包 Python 本身。官网

将源码编译成软件。

  • buildout:一个构建系统,从多个组件来创建,组装和部署应用。官网
  • BitBake:针对嵌入式 Linux 的类似 make 的构建工具。官网
  • fabricate:对任何语言自动找到依赖关系的构建工具。官网
  • PlatformIO:多平台命令行构建工具。官网
  • PyBuilder:纯 Python 实现的持续化构建工具。官网
  • SCons:软件构建工具。官网

交互式 Python 解析器。

  • IPython:功能丰富的工具,非常有效的使用交互式 Python。官网
  • bpython:界面丰富的 Python 解析器。官网
  • ptpython:高级交互式 Python 解析器, 构建于 python-prompt-toolkit 之上。官网

文件管理和 MIME(多用途的网际邮件扩充协议)类型检测。

  • aiofiles:基于 asyncio,提供文件异步操作。官网
  • imghdr:(Python 标准库)检测图片类型。官网
  • mimetypes:(Python 标准库)将文件名映射为 MIME 类型。官网
  • path.py:对 os.path 进行封装的模块。官网
  • pathlib:(Python3.4+ 标准库)跨平台的、面向对象的路径操作库。官网
  • python-magic:文件类型检测的第三方库 libmagic 的 Python 接口。官网
  • Unipath:用面向对象的方式操作文件和目录。官网
  • watchdog:管理文件系统事件的 API 和 shell 工具。官网

操作日期和时间的类库。

  • arrow:更好的 Python 日期时间操作类库。官网
  • Chronyk:Python 3 的类库,用于解析手写格式的时间和日期。官网
  • dateutil:Python datetime 模块的扩展。官网
  • delorean:解决 Python 中有关日期处理的棘手问题的库。官网
  • maya:人性化的时间处理库。官网
  • moment:一个用来处理时间和日期的 Python 库。灵感来自于 Moment.js。官网
  • pendulum:一个比 arrow 更具有明确的,可预测的行为的时间操作库。官网
  • PyTime:一个简单易用的 Python 模块,用于通过字符串来操作日期/时间。官网
  • pytz:现代以及历史版本的世界时区定义。将时区数据库引入 Python。官网
  • when.py:提供用户友好的函数来帮助用户进行常用的日期和时间操作。官网

用于解析和操作文本的库。

  • 通用
    • chardet:字符编码检测器,兼容 Python2 和 Python3。官网
    • difflib:(Python 标准库)帮助我们进行差异化比较。官网
    • ftfy:让 Unicode 文本更完整更连贯。官网
    • fuzzywuzzy:模糊字符串匹配。官网
    • Levenshtein:快速计算编辑距离以及字符串的相似度。官网
    • pangu.py:在中日韩语字符和数字字母之间添加空格。官网
    • pypinyin:汉字拼音转换工具 Python 版。官网
    • shortuuid:一个生成器库,用以生成简洁的,明白的,URL 安全的 UUID。官网
    • simplejson:Python 的 JSON 编码、解码器。官网
    • unidecode:Unicode 文本的 ASCII 转换形式 。官网
    • uniout:打印可读的字符,而不是转义的字符串。官网
    • xpinyin:一个用于把汉字转换为拼音的库。官网
    • yfiglet-figlet:pyfiglet -figlet 的 Python 实现。
  • Slug 化
    • awesome-slugify:一个 Python slug 化库,可以保持 Unicode。官网
    • python-slugify:Python slug 化库,可以把 unicode 转化为 ASCII。官网
    • unicode-slugify:一个 slug 工具,可以生成 unicode slugs ,需要依赖 Django 。官网
  • 解析器
    • phonenumbers:解析,格式化,储存,验证电话号码。官网
    • PLY:lex 和 yacc 解析工具的 Python 实现。官网
    • Pygments:通用语法高亮工具。官网
    • pyparsing:生成通用解析器的框架。官网
    • python-nameparser:把一个人名分解为几个独立的部分。官网
    • python-user-agents:浏览器 user agent 解析器。官网
    • sqlparse:一个无验证的 SQL 解析器。官网

一些用来解析和操作特殊文本格式的库。

  • 通用
    • tablib:一个用来处理中表格数据的模块。官网
  • Office
    • Marmir:把输入的 Python 数据结构转换为电子表单。官网
    • openpyxl:一个用来读写 Excel 2010 xlsx/xlsm/xltx/xltm 文件的库。官网
    • pyexcel:一个提供统一 API,用来读写,操作 Excel 文件的库。官网
    • python-docx:读取,查询以及修改 Microsoft Word 2007/2008 docx 文件。官网
    • relatorio:模板化 OpenDocument 文件。官网
    • unoconv:在 LibreOffice/OpenOffice 支持的任意文件格式之间进行转换。官网
    • XlsxWriter:一个用于创建 Excel .xlsx 文件的 Python 模块。官网
    • xlwings:一个使得在 Excel 中方便调用 Python 的库(反之亦然),基于 BSD 协议。官网
    • xlwt:读写 Excel 文件的数据和格式信息。官网 / xlrd
  • PDF
    • PDFMiner:一个用于从 PDF 文档中抽取信息的工具。官网
    • PyPDF2:一个可以分割,合并和转换 PDF 页面的库。官网
    • ReportLab:快速创建富文本 PDF 文档。官网
  • Markdown
    • Mistune:快速并且功能齐全的纯 Python 实现的 Markdown 解析器。官网
    • Python-Markdown:John Gruber’s Markdown 的 Python 版实现。官网
    • Python-Markdown2:纯 Python 实现的 Markdown 解析器,比 Python-Markdown 更快,更准确,可扩展。官网
  • YAML
    • PyYAML:Python 版本的 YAML 解析器。官网
  • CSV
    • csvkit:用于转换和操作 CSV 的工具。官网
  • Archive
    • unp:一个用来方便解包归档文件的命令行工具。官网

用来处理人类语言的库。

  • NLTK:一个先进的平台,用以构建处理人类语言数据的 Python 程序。官网
  • jieba:中文分词工具。官网
  • langid.py:独立的语言识别系统。官网
  • Pattern:Python 网络信息挖掘模块。官网
  • SnowNLP:一个用来处理中文文本的库。官网
  • TextBlob:为进行普通自然语言处理任务提供一致的 API。官网
  • TextGrocery:一简单高效的短文本分类工具,基于 LibLinear 和 Jieba。官网
  •   thulac:清华大学自然语言处理与社会人文计算实验室研制推出的一套中文词法分析工具包官网

用以生成项目文档的库。

  • Sphinx:Python 文档生成器。官网
  • awesome-sphinxdoc:官网
  • MkDocs:对 Markdown 友好的文档生成器。官网
  • pdoc:一个可以替换 Epydoc 的库,可以自动生成 Python 库的 API 文档。官网
  • Pycco:文学编程(literate-programming)风格的文档生成器。官网
  • readthedocs:一个基于 Sphinx/MkDocs 的在线文档托管系统,对开源项目免费开放使用。官网

用来保存和解析配置的库。

  • config:logging 模块作者写的分级配置模块。官网
  • ConfigObj:INI 文件解析器,带验证功能。官网
  • ConfigParser:(Python 标准库) INI 文件解析器。官网
  • profig:通过多种格式进行配置,具有数值转换功能。官网
  • python-decouple:将设置和代码完全隔离。官网

用于创建命令行程序的库。

  • 命令行程序开发
    • asciimatics:跨平台,全屏终端包(即鼠标/键盘输入和彩色,定位文本输出),完整的复杂动画和特殊效果的高级 API。官网
    • cement:Python 的命令行程序框架。官网
    • click:一个通过组合的方式来创建精美命令行界面的包。官网
    • cliff:一个用于创建命令行程序的框架,可以创建具有多层命令的命令行程序。官网
    • clint:Python 命令行程序工具。官网
    • colorama:跨平台彩色终端文本。官网
    • docopt:Python 风格的命令行参数解析器。官网
    • Gooey:一条命令,将命令行程序变成一个 GUI 程序。官网
    • python-prompt-toolkit:一个用于构建强大的交互式命令行程序的库。官网
    • python-fire:Google 出品的一个基于 Python 类的构建命令行界面的库。官网
    • Pythonpy:在命令行中直接执行任何 Python 指令。官网
  • 生产力工具
    • aws-cli:Amazon Web Services 的通用命令行界面。官网
    • bashplotlib:在终端中进行基本绘图。官网
    • caniusepython3:判断是哪个项目妨碍你你移植到 Python3。官网
    • cookiecutter:从 cookiecutters(项目模板)创建项目的一个命令行工具。官网
    • doitlive:一个用来在终端中进行现场演示的工具。官网
    • pyftpdlib:一个速度极快和可扩展的 Python FTP 服务库。官网
    • howdoi:通过命令行获取即时的编程问题解答。官网
    • httpie:一个命令行 HTTP 客户端,cURL 的替代品,易用性更好。官网
    • PathPicker:从 bash 输出中选出文件。官网
    • percol:向 UNIX shell 传统管道概念中加入交互式选择功能。官网
    • SAWS:一个加强版的 AWS 命令行。官网
    • thefuck:修正你之前的命令行指令。官网
    • mycli:一个 MySQL 命令行客户端,具有自动补全和语法高亮功能。官网
    • pgcli:Postgres 命令行工具,具有自动补全和语法高亮功能。官网
    • try:一个从来没有更简单的命令行工具,用来试用 python 库。官网

用来操作图像的库.

  • pillow:Pillow 是一个更加易用版的 PIL。官网
  • hmap:图像直方图映射。官网
  • imgSeek:一个使用视觉相似性搜索一组图片集合的项目。官网
  • nude.py:裸体检测。官网
  • pyBarcode:不借助 PIL 库在 Python 程序中生成条形码。官网
  • pygram:类似 Instagram 的图像滤镜。官网
  • python-qrcode:一个纯 Python 实现的二维码生成器。官网
  • Quads:基于四叉树的计算机艺术。官网
  • scikit-image:一个用于(科学)图像处理的 Python 库。官网
  • thumbor:一个小型图像服务,具有剪裁,尺寸重设和翻转功能。官网
  • wand:MagickWand的 Python 绑定。MagickWand 是 ImageMagick 的 C API 。官网
  • face_recognition:简单易用的 python 人脸识别库。官网

光学字符识别库。

  • pyocr:Tesseract 和 Cuneiform 的一个封装(wrapper)。官网
  • pytesseract:Google Tesseract OCR 的另一个封装(wrapper)。官网
  • python-tesseract:Google Tesseract OCR 的一个包装类。

用来操作音频的库

  • audiolazy:Python 的数字信号处理包。官网
  • audioread:交叉库 (GStreamer + Core Audio + MAD + FFmpeg) 音频解码。官网
  • beets:一个音乐库管理工具及 MusicBrainz 标签添加工具。官网
  • dejavu:音频指纹提取和识别。官网
  • django-elastic-transcoder:Django + Amazon Elastic Transcoder。官网
  • eyeD3:一个用来操作音频文件的工具,具体来讲就是包含 ID3 元信息的 MP3 文件。官网
  • id3reader:一个用来读取 MP3 元数据的 Python 模块。官网
  • m3u8:一个用来解析 m3u8 文件的模块。官网
  • mutagen:一个用来处理音频元数据的 Python 模块。官网
  • pydub:通过简单、简洁的高层接口来操作音频文件。官网
  • pyechonest:Echo Nest API 的 Python 客户端。官网
  • talkbox:一个用来处理演讲/信号的 Python 库。官网
  • TimeSide:开源 web 音频处理框架。官网
  • tinytag:一个用来读取 MP3, OGG, FLAC 以及 Wave 文件音乐元数据的库。官网
  • mingus:一个高级音乐理论和曲谱包,支持 MIDI 文件和回放功能。官网

用来操作视频和 GIF 的库。

  • moviepy:一个用来进行基于脚本的视频编辑模块,适用于多种格式,包括动图 GIFs。官网
  • scikit-video:SciPy 视频处理常用程序。官网

地理编码地址以及用来处理经纬度的库。

  • GeoDjango:世界级地理图形 web 框架。官网
  • GeoIP:MaxMind GeoIP Legacy 数据库的 Python API。官网
  • geojson:GeoJSON 的 Python 绑定及工具。官网
  • geopy:Python 地址编码工具箱。官网
  • pygeoip:纯 Python GeoIP API。官网
  • django-countries:一个 Django 应用程序,提供用于表格的国家选择功能,国旗图标静态文件以及模型中的国家字段。官网

使用 HTTP 的库。

  • aiohttp:基于 asyncio 的异步 HTTP 网络库。官网
  • requests:人性化的 HTTP 请求库。官网
  • grequests:requests 库 + gevent ,用于异步 HTTP 请求.官网
  • httplib2:全面的 HTTP 客户端库。官网
  • treq:类似 requests 的 Python API 构建于 Twisted HTTP 客户端之上。官网
  • urllib3:一个具有线程安全连接池,支持文件 post,清晰友好的 HTTP 库。官网

Python 实现的数据库。

  • pickleDB:一个简单,轻量级键值储存数据库。官网
  • PipelineDB:流式 SQL 数据库。官网
  • TinyDB:一个微型的,面向文档型数据库。官网
  • ZODB:一个 Python 原生对象数据库。一个键值和对象图数据库。官网

用来连接和操作数据库的库。

  • MySQL:awesome-mysql 系列
    • aiomysql:基于 asyncio 的异步 MySQL 数据库操作库。官网
    • mysql-python:Python 的 MySQL 数据库连接器。官网
    • ysqlclient:mysql-python 分支,支持 Python 3。
    • oursql:一个更好的 MySQL 连接器,支持原生预编译指令和 BLOBs。官网
    • PyMySQL:纯 Python MySQL 驱动,兼容 mysql-python。官网
  • PostgreSQL
    • psycopg2:Python 中最流行的 PostgreSQL 适配器。官网
    • queries:psycopg2 库的封装,用来和 PostgreSQL 进行交互。官网
    • txpostgres:基于 Twisted 的异步 PostgreSQL 驱动。官网
  • 其他关系型数据库
    • apsw:另一个 Python SQLite 封装。官网
    • dataset:在数据库中存储 Python 字典
    • pymssql:一个简单的 Microsoft SQL Server 数据库接口。官网
  • NoSQL 数据库
    • cassandra-python-driver:Cassandra 的 Python 驱动。官网
    • HappyBase:一个为 Apache HBase 设计的,对开发者友好的库。官网
    • Plyvel:一个快速且功能丰富的 LevelDB 的 Python 接口。官网
    • py2neo:Neo4j restful 接口的 Python 封装客户端。官网
    • pycassa:Cassandra 的 Python Thrift 驱动。官网
    • PyMongo:MongoDB 的官方 Python 客户端。官网
    • redis-py:Redis 的 Python 客户端。官网
    • telephus:基于 Twisted 的 Cassandra 客户端。官网
    • txRedis:基于 Twisted 的 Redis 客户端。官网

实现对象关系映射或数据映射技术的库。

  • 关系型数据库
    • Django Models:Django 的一部分。官网
    • SQLAlchemy:Python SQL 工具以及对象关系映射工具。官网
      • awesome-sqlalchemy 系列
    • Peewee:一个小巧,富有表达力的 ORM。官网
    • PonyORM:提供面向生成器的 SQL 接口的 ORM。官网
    • python-sql:编写 Python 风格的 SQL 查询。官网
  • NoSQL 数据库
    • django-mongodb-engine:Django MongoDB 后端。官网
    • PynamoDB:Amazon DynamoDB 的一个 Python 风格接口。官网
    • flywheel:Amazon DynamoDB 的对象映射工具。官网
    • MongoEngine:一个 Python 对象文档映射工具,用于 MongoDB。官网
    • hot-redis:为 Redis 提供 Python 丰富的数据类型。官网
    • redisco:一个 Python 库,提供可以持续存在在 Redis 中的简单模型和容器。官网
  • 其他
    • butterdb:Google Drive 电子表格的 Python ORM。官网

全栈 Web 框架。

  • Django:Python 界最流行的 web 框架。官网
    • awesome-django 系列
  • Flask:一个 Python 微型框架。官网
    • awesome-flask 系列
  • pyramid:一个小巧,快速,接地气的开源 Python web 框架。
    • awesome-pyramid 系列
  • Bottle:一个快速小巧,轻量级的 WSGI 微型 web 框架。官网
  • CherryPy:一个极简的 Python web 框架,服从 HTTP/1.1 协议且具有 WSGI 线程池。官网
  • TurboGears:一个可以扩展为全栈解决方案的微型框架。官网
  • web.py:一个 Python 的 web 框架,既简单,又强大。官网
  • web2py:一个全栈 web 框架和平台,专注于简单易用。官网
  • Tornado:一个 web 框架和异步网络库。官网
  • sanic:基于 Python3.5+ 的异步网络框架。官网

允许或拒绝用户访问数据或功能的库。

  • Carteblanche:站在用户和设计者角度开发的一个代码对齐模块,很好地处理了代码导航及权限。官网
  • django-guardian:Django 1.2+ 实现了单个对象权限。官网
  • django-rules:一个小巧但是强大的应用,提供对象级别的权限管理,且不需要使用数据库。官网

内容管理系统

  • odoo-cms: 一个开源的,企业级 CMS,基于 odoo。官网
  • django-cms:一个开源的,企业级 CMS,基于 Django。官网
  • djedi-cms:一个轻量级但却非常强大的 Django CMS ,考虑到了插件,内联编辑以及性能。官网
  • FeinCMS:基于 Django 构建的最先进的内容管理系统之一。官网
  • Kotti:一个高级的,Python 范的 web 应用框架,基于 Pyramid 构建。官网
  • Mezzanine:一个强大的,持续的,灵活的内容管理平台。官网
  • Opps:一个为杂志,报纸网站以及大流量门户网站设计的 CMS 平台,基于 Django。官网
  • Plone:一个构建于开源应用服务器 Zope 之上的 CMS。官网
  • Quokka:灵活,可扩展的小型 CMS,基于 Flask 和 MongoDB。官网
  • Wagtail:一个 Django 内容管理系统。官网
  • Widgy:最新的 CMS 框架,基于 Django。官网

用于电子商务以及支付的框架和库。

  • django-oscar:一个用于 Django 的开源的电子商务框架。官网
  • django-shop:一个基于 Django 的店铺系统。官网
  • Cartridge:一个基于 Mezzanine 构建的购物车应用。官网
  • shoop:一个基于 Django 的开源电子商务平台。官网
  • alipay:非官方的 Python 支付宝 API。官网
  • merchant:一个可以接收来自多种支付平台支付的 Django 应用。官网
  • money:一个货币类库。带有可选的 CLDR 后端本地化格式,提供可扩展的货币兑换解决方案。官网
  • python-currencies:显示货币格式以及它的数值。官网

用来开发 RESTful APIs 的库

  • Django
    • django-rest-framework:一个强大灵活的工具,用来构建 web API。官网
    • django-tastypie:为 Django 应用开发 API。官网
    • django-formapi:为 Django 的表单验证,创建 JSON APIs 。官网
  • Flask
    • flask-api:为 flask 开发的,可浏览 Web APIs 。官网
    • flask-restful:为 flask 快速创建 REST APIs 。官网
    • flask-restless:为 SQLAlchemy 定义的数据库模型创建 RESTful APIs 。官网
    • flask-api-utils:为 Flask 处理 API 表示和验证。官网
    • eve:REST API 框架,由 Flask, MongoDB 等驱动。官网
  • Pyramid
    • cornice:一个 Pyramid 的 REST 框架 。官网
  • 与框架无关的
    • falcon:一个用来建立云 API 和 web app 后端的高性能框架。官网
    • sandman:为现存的数据库驱动系统自动创建 REST APIs 。官网
    • restless:框架无关的 REST 框架 ,基于从 Tastypie 学到的知识。官网
    • ripozo:快速创建 REST/HATEOAS/Hypermedia APIs。官网

实现验证方案的库。

  • OAuth
    • Authomatic:简单但是强大的框架,身份验证/授权客户端。官网
    • django-allauth:Django 的验证应用。官网
    • django-oauth-toolkit:为 Django 用户准备的 OAuth2。官网
    • django-oauth2-provider:为 Django 应用提供 OAuth2 接入。官网
    • Flask-OAuthlib:OAuth 1.0/a, 2.0 客户端实现,供 Flask 使用。官网
    • OAuthLib:一个 OAuth 请求-签名逻辑通用、 完整的实现。官网
    • python-oauth2:一个完全测试的抽象接口。用来创建 OAuth 客户端和服务端。官网
    • python-social-auth:一个设置简单的社会化验证方式。官网
    • rauth:OAuth 1.0/a, 2.0, 和 Ofly 的 Python 库。官网
    • sanction:一个超级简单的 OAuth2 客户端实现。官网
  • 其他
    • jose:JavaScript 对象签名和加密草案的实现。官网
    • PyJWT:JSON Web 令牌草案 01。官网
    • python-jws:JSON Web 签名草案 02 的实现。官网
    • python-jwt:一个用来生成和验证 JSON Web 令牌的模块。官网

模板生成和词法解析的库和工具。

  • Jinja2:一个现代的,对设计师友好的模板引擎。官网
  • Chameleon:一个 HTML/XML 模板引擎。 模仿了 ZPT(Zope Page Templates), 进行了速度上的优化。官网
  • Genshi:Python 模板工具,用以生成 web 感知的结果。官网
  • Mako:Python 平台的超高速轻量级模板。官网

处理事件以及任务队列的库。

  • celery:一个异步任务队列/作业队列,基于分布式消息传递。官网
  • huey:小型多线程任务队列。官网
  • mrq:Mr. Queue -一个 Python 的分布式 worker 任务队列, 使用 Redis 和 gevent。官网
  • rq:简单的 Python 作业队列。官网
  • simpleq:一个简单的,可无限扩张的,基于亚马逊 SQS 的队列。官网

对数据进行索引和执行搜索查询的库和软件。

  • django-haystack:Django 模块化搜索。官网
  • elasticsearch-py:Elasticsearch 的官方底层 Python 客户端。官网
  • elasticsearch-dsl-py:Elasticsearch 的官方高级 Python 客户端。官网
  • solrpy:solr 的 Python 客户端。官网
  • Whoosh:一个快速的纯 Python 搜索引擎库。官网

用来创建用户活动的库。

  • django-activity-stream:从你的站点行为中生成通用活动信息流。官网
  • Stream-Framework:使用 Cassandra 和 Redis 创建动态消息和通知系统。官网

管理、压缩、缩小网站资源的工具。

  • django-compressor:将链接和内联的 JavaScript 或 CSS 压缩到一个单独的缓存文件中。官网
  • django-storages:一个针对 Django 的自定义存储后端的工具集合。官网
  • fanstatic:打包、优化,并且把静态文件依赖作为 Python 的包来提供。官网
  • File Conveyor:一个后台驻留的程序,用来发现和同步文件到 CDNs, S3 和 FTP。官网
  • Flask-Assets:帮你将 web 资源整合到你的 Flask app 中。官网
  • jinja-assets-compressor:一个 Jinja 扩展,用来编译和压缩你的资源。官网
  • webassets:为你的静态资源打包、优化和管理生成独一无二的缓存 URL。官网

缓存数据的库。

  • Beaker:一个缓存和会话库,可以用在 web 应用和独立 Python 脚本和应用上。官网
  • django-cache-machine:Django 模型的自动缓存和失效。官网
  • django-cacheops:具有自动颗粒化事件驱动失效功能的 ORM。官网
  • django-viewlet:渲染模板,同时具有额外的缓存控制功能。官网
  • dogpile.cache:dogpile.cache 是 Beaker 的下一代替代品,由同一作者开发。官网
  • HermesCache:Python 缓存库,具有基于标签的失效和 dogpile effect 保护功能。官网
  • johnny-cache:django 应用缓存框架。官网
  • pylibmc:libmemcached 接口的 Python 封装。官网

用来发送和解析电子邮件的库。

  • django-celery-ses:带有 AWS SES 和 Celery 的 Django email 后端。官网
  • envelopes:供人类使用的电子邮件库。官网
  • flanker:一个 email 地址和 Mime 解析库。官网
  • imbox:Python IMAP 库。官网
  • inbox.py:Python SMTP 服务器。官网
  • inbox:一个开源电子邮件工具箱。官网
  • lamson:Python 风格的 SMTP 应用服务器。官网
  • mailjet:Mailjet API 实现,用来提供批量发送邮件,统计等功能。官网
  • marrow.mailer:高性能可扩展邮件分发框架。官网
  • modoboa:一个邮件托管和管理平台,具有现代的、简约的 Web UI。官网
  • pyzmail:创建,发送和解析电子邮件。官网
  • Talon:Mailgun 库,用来抽取信息和签名。官网

用来进行国际化的库。

  • Babel:一个 Python 的国际化库。官网
  • Korean:一个韩语词态库。官网

解析 URLs 的库

  • furl:一个让处理 URL 更简单小型 Python 库。官网
  • purl:一个简单的,不可变的 URL 类,具有简洁的 API 来进行询问和处理。官网
  • pyshorteners:一个纯 Python URL 缩短库。官网
  • shorturl:生成短小 URL 和类似 bit.ly 短链的 Python 实现。官网
  • webargs:一个解析 HTTP 请求参数的库,内置对流行 web 框架的支持,包括 Flask, Django, Bottle, Tornado 和 Pyramid。官网

处理 HTML 和 XML 的库。

  • BeautifulSoup:以 Python 风格的方式来对 HTML 或 XML 进行迭代,搜索和修改。官网
  • bleach:一个基于白名单的 HTML 清理和文本链接库。官网
  • cssutils:一个 Python 的 CSS 库。官网
  • html5lib:一个兼容标准的 HTML 文档和片段解析及序列化库。官网
  • lxml:一个非常快速,简单易用,功能齐全的库,用来处理 HTML 和 XML。官网
  • MarkupSafe:为 Python 实现 XML/HTML/XHTML 标记安全字符串。官网
  • pyquery:一个解析 HTML 的库,类似 jQuery。官网
  • requests-html:人性化的,Pythonic 的 HTML 解析库。官网
  • untangle:将 XML 文档转换为 Python 对象,使其可以方便的访问。官网
  • xhtml2pdf:HTML/CSS 转 PDF 工具。官网
  • xmltodict:像处理 JSON 一样处理 XML。官网

爬取网络站点的库

  • Scrapy:一个快速高级的屏幕爬取及网页采集框架。官网
  • cola:一个分布式爬虫框架。官网
  • Demiurge:基于 PyQuery 的爬虫微型框架。官网
  • feedparser:通用 feed 解析器。官网
  • Grab:站点爬取框架。官网
  • MechanicalSoup:用于自动和网络站点交互的 Python 库。官网
  • portia:Scrapy 可视化爬取。官网
  • pyspider:一个强大的爬虫系统。官网
  • RoboBrowser:一个简单的,Python 风格的库,用来浏览网站,而不需要一个独立安装的浏览器。官网

用于进行网页内容提取的库。

  • Haul:一个可以扩展的图像爬取工具。官网
  • html2text:将 HTML 转换为 Markdown 格式文本。官网
  • lassie:人性化的网页内容检索库。官网
  • micawber:一个小型网页内容提取库,用来从 URLs 提取富内容。官网
  • newspaper:使用 Python 进行新闻提取,文章提取以及内容策展。官网
  • opengraph:一个用来解析开放内容协议(Open Graph Protocol)的 Python 模块。官网
  • python-goose:HTML 内容/文章提取器。官网
  • python-readability:arc90 公司 readability 工具的 Python 高速端口。官网
  • sanitize:为杂乱的数据世界带来调理性。官网
  • sumy:一个为文本文件和 HTML 页面进行自动摘要的模块。官网
  • textract:从任何格式的文档中提取文本,Word,PowerPoint,PDFs 等等。官网

进行表单操作的库。

  • Deform:Python HTML 表单生成库,受到了 formish 表单生成库的启发。官网
  • django-bootstrap3:集成了 Bootst

标签: phd2条形连接器

锐单商城拥有海量元器件数据手册IC替代型号,打造 电子元器件IC百科大全!

锐单商城 - 一站式电子元器件采购平台