A list of useful stuff in Machine Learning, Computer Graphics, Software Development, ...
- Machine Learning
- Deep Learning Framework
- Machine Learning Framework
- Computer Vision
- Natural Language Processing
- Reinforcement Learning
- Graph
- Causal Inference
- Recommendation, Advertisement & Ranking
- Time-Series & Financial
- Other Machine Learning Applications
- Linear Algebra / Statistics Toolkit
- Data Processing
- Data Visualization
- Machine Learning Tutorials
- Computer Graphics
- Full-Stack Development
- Useful Tools
- Other Awesome Lists
-
PyTorch - An open source deep learning framework by Facebook, with GPU and dynamic graph support.
-
Supported platform: Linux, Windows, MacOS, Android, iOS
-
Language API: Python, C++, Java
-
Related projects:
- TorchVision - Datasets, Transforms and Models specific to Computer Vision for PyTorch
- TorchText - Data loaders and abstractions for text and NLP for PyTorch
- TorchAudio - Data manipulation and transformation for audio signal processing for PyTorch
- TorchRec - A PyTorch domain library built to provide common sparsity & parallelism primitives needed for large-scale recommender systems (RecSys).
- TorchServe - Serve, optimize and scale PyTorch models in production
- TorchHub - Model zoo for PyTorch
- Ignite - High-level library to help with training and evaluating neural networks for PyTorch
- Captum - A model interpretability and understanding library for PyTorch
- Glow - Compiler for Neural Network hardware accelerators
- BoTorch - Bayesian optimization in PyTorch
- TNT - A library for PyTorch training tools and utilities
- TorchArrow - Common and composable data structures built on PyTorch Tensor for efficient batch data representation and processing in PyTorch model authoring
- PyTorchVideo - A deep learning library for video understanding research, based on PyTorch
- tensorboardX - Tensorboard for pytorch (and chainer, mxnet, numpy, ...)
- TorchMetrics - Machine learning metrics for distributed, scalable PyTorch applications
- Apex - Tools for easy mixed precision and distributed training in Pytorch
- HuggingFace Accelerate - A simple way to train and use PyTorch models with multi-GPU, TPU, mixed-precision
- PyTorch Metric Learning - The easiest way to use deep metric learning in your application. Modular, flexible, and extensible, written in PyTorch
- Auto-PyTorch - Automatic architecture search and hyperparameter optimization for PyTorch
- torch-optimizer - Collection of optimizers for PyTorch compatible with optim module
- PyTorch Sparse - PyTorch Extension Library of Optimized Autograd Sparse Matrix Operations
- PyTorch Scatter - PyTorch Extension Library of Optimized Scatter Operations
- Torch-Struct - A library of tested, GPU implementations of core structured prediction algorithms for deep learning applications
- torchinfo - View model summaries in PyTorch
- Torchshow - Visualize PyTorch tensors with a single line of code
- torch2trt - An easy to use PyTorch to TensorRT converter
- Kaolin - A PyTorch Library for Accelerating 3D Deep Learning Research
- higher (not actively updated) - A pytorch library allowing users to obtain higher order gradients over losses spanning training loops rather than individual training steps
-
-
TensorFlow - An open source deep learning framework by Google, with GPU support.
-
Supported platform: Linux, Windows, MacOS, Android, iOS, Raspberry Pi, Web
-
Language API: Python, C++, Java, JavaScript
-
Related projects:
- TensorBoard - TensorFlow's Visualization Toolkit
- TensorFlow Text - A collection of text related classes and ops for TensorFlow
- TensorFlow Recommenders - A library for building recommender system models using TensorFlow.
- TensorFlow Ranking - A library for Learning-to-Rank (LTR) techniques on the TensorFlow platform.
- TensorFlow Serving - A flexible, high-performance serving system for machine learning models based on TensorFlow
- TFX - An end-to-end platform for deploying production ML pipelines.
- TFDS - A collection of datasets ready to use with TensorFlow and Jax
- TensorFlow Addons - Useful extra functionality for TensorFlow 2.x maintained by SIG-addons
- TensorFlow Transform - A library for preprocessing data with TensorFlow
- TensorFlow Model Garden - Models and examples built with TensorFlow
- TensorFlow Hub - A library for transfer learning by reusing parts of TensorFlow models
- TensorFlow.js - A WebGL accelerated JavaScript library for training and deploying ML models based on TensorFlow
- TensorFlow Probability - Probabilistic reasoning and statistical analysis in TensorFlow
- TensorFlow Model Optimization Toolkit - A toolkit to optimize ML models for deployment for Keras and TensorFlow, including quantization and pruning
- TensorFlow Model Analysis - A library for evaluating TensorFlow models
- Trax (successor of Tensor2Tensor) - Deep Learning with Clear Code and Speed
- Lattice - Lattice methods in TensorFlow
- tf_numpy - A subset of the NumPy API implemented in TensorFlow
- TensorFlowOnSpark - Brings TensorFlow programs to Apache Spark clusters
- Tensor2Tensor (no longer maintained) - Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research
-
-
MXNet - An open source deep learning framework by Apache, with GPU support.
- Supported platform: Linux, Windows, MacOS, Raspberry Pi
- Language API: Python, C++, R, Julia, Scala, Go, Javascript
-
PaddlePaddle - An open source deep learning framework by Baidu, with GPU support.
-
Supported platform: Linux, Windows, MacOS, Android, iOS, Web
-
Language API: Python, C++, Java, JavaScript
-
Related projects:
- PaddleOCR - Multilingual OCR toolkits based on PaddlePaddle
- PaddleDetection - Object detection toolkit based on PaddlePaddle
- PaddleSeg - Image segmentation toolkit based on PaddlePaddle
- PaddleClas - Visual classification and recognition toolkit based on PaddlePaddle
- PaddleGAN - Generative Adversarial Networks toolkit based on PaddlePaddle
- PaddleVideo - Video understanding toolkit based on PaddlePaddle
- PaddleRec - Recommendation algorithm based on PaddlePaddle
- PaddleNLP - Natural language processing toolkit based on PaddlePaddle
- PaddleSpeech - Speech Recognition/Translation toolkit based on PaddlePaddle
- PGL - An efficient and flexible graph learning framework based on PaddlePaddle
- PARL - A high-performance distributed training framework for Reinforcement Learning based on PaddlePaddle
- PaddleHub - Pre-trained models toolkit based on PaddlePaddle
- Paddle-Lite - Multi-platform high performance deep learning inference engine for PaddlePaddle
- Paddle.js - An open source deep learning framework running in the browser based on PaddlePaddle
- VisualDL - A visualization analysis tool of PaddlePaddle
-
-
MegEngine - An open source deep learning framework by MEGVII, with GPU support.
- Supported platform: Linux, Windows, MacOS
- Language API: Python, C++
-
MACE - A deep learning inference framework optimized for mobile heterogeneous computing by XiaoMi.
- Supported platform: Android, iOS, Linux and Windows
-
Neural Network Libraries - An open source deep learning framework by Sony, with GPU support.
-
OneFlow - A deep learning framework designed to be user-friendly, scalable and efficient.
-
fastai - A high-level deep learning library based on PyTorch.
-
Lightning - A high-level deep learning library based on PyTorch.
-
Lightning Flash - Your PyTorch AI Factory - Flash enables you to easily configure and run complex AI recipes for over 15 tasks across 7 data domains
-
tinygrad - A deep learning framework in between a pytorch and a karpathy/micrograd.
-
Flashlight (successor of wav2letter++) - A C++ standalone library for machine learning.
-
Avalanche - An End-to-End Library for Continual Learning, based on PyTorch.
-
ktrain - A high-level deep learning library based on TensorFlow.
-
Thinc - A high-level deep learning library for PyTorch, TensorFlow and MXNet.
-
Ludwig - A declarative deep learning framework that allows users to train, evaluate, and deploy models without the need to write code.
-
Jina - A high-level deep learning library for serving and deployment.
-
Haiku - A high-level deep learning library based on JAX.
-
scarpet-nn - Tools and libraries to run neural networks in Minecraft.
-
CNTK (not actively updated) - An open source deep learning framework by Microsoft, with GPU support.
- Supported platform: Linux, Windows
- Language API: Python, C++, Java, C#, .Net
-
DyNet (not actively updated) - A C++ deep learning library by CMU.
- Supported platform: Linux, Windows, MacOS
- Language API: C++, Python
-
Chainer (not actively updated) - A flexible framework of neural networks for deep learning.
-
skorch (not actively updated) - A scikit-learn compatible neural network library based on PyTorch.
-
MMF (not actively updated) - A modular framework for vision and language multimodal research by Facebook AI Research, based on PyTorch.
-
Tensorpack (not actively updated) - A high-level deep learning library based on TensorFlow.
-
Sonnet (not actively updated) - A high-level deep learning library based on TensorFlow.
-
Ivy (not actively updated) - A high-level deep learning library that unifies NumPy, PyTorch, TensorFlow, MXNet and JAX.
-
X-DeepLearning (not actively updated) - An industrial deep learning framework for high-dimension sparse data.
-
HiddenLayer (not actively updated) - Neural network graphs and training metrics for PyTorch, Tensorflow, and Keras.
-
TensorFX (not actively updated) - TensorFlow framework for training and serving machine learning models.
-
FeatherCNN (not actively updated) - A high performance inference engine for convolutional neural networks.
-
tiny-dnn (not actively updated) - Header only, dependency-free deep learning framework in C++14.
-
TFLearn - Deep learning library featuring a higher-level API for TensorFlow.
-
MediaPipe - Cross-platform, customizable ML solutions for live and streaming media.
-
Triton - A language and compiler for writing highly efficient custom Deep-Learning primitives.
-
Hummingbird - A library for compiling trained traditional ML models into tensor computations.
-
OpenVINO - An open-source toolkit for optimizing and deploying AI inference.
-
Related projects:
- open_model_zoo - Pre-trained Deep Learning models and demos (high quality and extremely fast).
-
-
Kubeflow - Machine Learning Toolkit for Kubernetes.
-
Kubeflow Training Operator - Training operators on Kubernetes.
-
m2cgen - Transform ML models into a native code (Java, C, Python, Go, JavaScript, Visual Basic, C#, R, PowerShell, PHP, Dart, Haskell, Ruby, F#, Rust) with zero dependencies.
-
DeepSpeed - An easy-to-use deep learning optimization software suite that enables unprecedented scale and speed for Deep Learning Training and Inference.
-
Analytics Zoo (no longer maintained) - Distributed Tensorflow, Keras and PyTorch on Apache Spark/Flink & Ray.
-
BigDL (successor of Analytics Zoo) - Building Large-Scale AI Applications for Distributed Big Data.
-
FairScale - A PyTorch extension library for high performance and large scale training.
-
ColossalAI - Provides a collection of parallel components and user-friendly tools to kickstart distributed training and inference in a few lines.
-
Ray - A unified framework for scaling AI and Python applications. Ray consists of a core distributed runtime and a toolkit of libraries (Ray AIR) for accelerating ML workloads.
-
BentoML - BentoML is compatible across machine learning frameworks and standardizes ML model packaging and management for your team.
-
cortex - Production infrastructure for machine learning at scale.
-
Horovod - Distributed training framework for TensorFlow, Keras, PyTorch, and Apache MXNet.
-
Angel - A Flexible and Powerful Parameter Server for large-scale machine learning.
-
Elephas (no longer maintained) - Distributed Deep learning with Keras & Spark.
-
Elephas (successor of maxpumperla/elephas) - Distributed Deep learning with Keras & Spark.
-
MLeap - Allows data scientists and engineers to deploy machine learning pipelines from Spark and Scikit-learn to a portable format and execution engine.
-
ZenML - Build portable, production-ready MLOps pipelines.
-
Optimus - An opinionated python library to easily load, process, plot and create ML models that run over pandas, Dask, cuDF, dask-cuDF, Vaex or Spark.
-
ONNX - Open standard for machine learning interoperability.
-
TensorRT - A C++ library for high performance inference on NVIDIA GPUs and deep learning accelerators.
-
Compute Library - A set of computer vision and machine learning functions optimised for both Arm CPUs and GPUs using SIMD technologies.
-
Apache TVM - Open deep learning compiler stack for cpu, gpu and specialized accelerators.
-
Triton Inference Server - The Triton Inference Server provides an optimized cloud and edge inferencing solution.
-
Core ML Tools - Contains supporting tools for Core ML model conversion, editing, and validation.
-
Petastorm - Enables single machine or distributed training and evaluation of deep learning models from datasets in Apache Parquet format.
-
Hivemind - Decentralized deep learning in PyTorch. Built to train models on thousands of volunteers across the world.
-
Mesh Transformer JAX - Model parallel transformers in JAX and Haiku.
-
Nebullvm - An open-source tool designed to speed up AI inference in just a few lines of code.
-
ncnn - A high-performance neural network inference framework optimized for the mobile platform.
-
Turi Create (not actively updated) - A machine learning library for deployment on MacOS/iOS.
-
Apache SINGA (not actively updated) - A distributed deep learning platform.
-
BytePS (not actively updated) - A high performance and generic framework for distributed DNN training.
-
MMdnn (not actively updated) - MMdnn is a set of tools to help users inter-operate among different deep learning frameworks.
-
NNI - An open source AutoML toolkit for automate machine learning lifecycle, including feature engineering, neural architecture search, model compression and hyper-parameter tuning.
-
AutoKeras - AutoML library for deep learning.
-
KerasTuner - An easy-to-use, scalable hyperparameter optimization framework that solves the pain points of hyperparameter search.
-
Talos - Hyperparameter Optimization for TensorFlow, Keras and PyTorch.
-
Distiller - Neural Network Distiller by Intel AI Lab: a Python package for neural network compression research.
-
Hyperas (not actively updated) - A very simple wrapper for convenient hyperparameter optimization for Keras.
-
Model Search (not actively updated) - A framework that implements AutoML algorithms for model architecture search at scale.
-
AI Explainability 360 - An open-source library that supports interpretability and explainability of datasets and machine learning models.
-
explainerdashboard - Quickly build Explainable AI dashboards that show the inner workings of so-called "blackbox" machine learning models.
-
iNNvestigate - A toolbox to innvestigate neural networks' predictions.
-
Foolbox - A Python toolbox to create adversarial examples that fool neural networks in PyTorch, TensorFlow, and JAX.
-
AdvBox - A toolbox to generate adversarial examples that fool neural networks in PaddlePaddle、PyTorch、Caffe2、MxNet、Keras、TensorFlow.
-
Adversarial Robustness Toolbox - Python Library for Machine Learning Security - Evasion, Poisoning, Extraction, Inference.
-
CleverHans - An adversarial example library for constructing attacks, building defenses, and benchmarking both.
-
Anomalib - An anomaly detection library comprising state-of-the-art algorithms and features such as experiment management, hyper-parameter optimization, and edge inference.
-
Gradio - An open-source Python library that is used to build machine learning and data science demos and web applications.
-
Traingenerator - Generates custom template code for PyTorch & sklearn, using a simple web UI built with streamlit.
-
Fairlearn - A Python package to assess and improve fairness of machine learning models.
-
AI Fairness 360 - A comprehensive set of fairness metrics for datasets and machine learning models, explanations for these metrics, and algorithms to mitigate bias in datasets and models.
-
scikit-learn - Machine learning toolkit for Python.
-
Related projects:
- imbalanced-learn - A python package offering a number of re-sampling techniques commonly used in datasets showing strong between-class imbalance
- category_encoders - A set of scikit-learn-style transformers for encoding categorical variables into numeric by means of different techniques
- lightning - Large-scale linear classification, regression and ranking in Python
- sklearn-pandas - Pandas integration with sklearn
- HDBSCAN - A high performance implementation of HDBSCAN clustering
- metric-learn - Metric learning algorithms in Python
- scikit-optimize - Sequential model-based optimization with a
scipy.optimize
interface - scikit-image - Image processing in Python
- auto-sklearn - An automated machine learning toolkit and a drop-in replacement for a scikit-learn estimator.
- scikit-multilearn - A Python module capable of performing multi-label learning tasks
- scikit-lego - Extra blocks for scikit-learn pipelines.
- scikit-opt - Genetic Algorithm, Particle Swarm Optimization, Simulated Annealing, Ant Colony Optimization Algorithm,Immune Algorithm, Artificial Fish Swarm Algorithm, Differential Evolution and TSP(Traveling salesman)
- sklearn-porter - Transpile trained scikit-learn estimators to C, Java, JavaScript and others.
-
-
XGBoost - Scalable, Portable and Distributed Gradient Boosting (GBDT, GBRT or GBM) Library.
- Supported platform: Linux, Windows, MacOS
- Supported distributed framework: Hadoop, Spark, Dask, Flink, DataFlow
- Language API: Python, C++, R, Java, Scala, Go
-
LightGBM - A fast, distributed, high performance gradient boosting (GBT, GBDT, GBRT, GBM or MART) framework based on decision tree algorithms.
- Supported platform: Linux, Windows, MacOS
- Language API: Python, C++, R
-
CatBoost - A fast, scalable, high performance Gradient Boosting on Decision Trees library.
- Supported platform: Linux, Windows, MacOS
- Language API: Python, C++, R, Java
-
Autograd (no longer maintained) - Efficiently computes derivatives of numpy code.
-
JAX (successor of Autograd) - Automatical differentiation for native Python and NumPy functions, with GPU support.
-
Flax - A high-performance neural network library and ecosystem for JAX that is designed for flexibility.
-
Equinox - A JAX library based around a simple idea: represent parameterised functions (such as neural networks) as PyTrees.
-
cuML - A suite of libraries that implement machine learning algorithms and mathematical primitives functions that share compatible APIs with other RAPIDS projects.
-
Mlxtend - A library of extension and helper modules for Python's data analysis and machine learning libraries.
-
River - A Python library for online machine learning.
-
FilterPy - Python Kalman filtering and optimal estimation library.
-
igel - A delightful machine learning tool that allows you to train, test, and use models without writing code.
-
fklearn - A machine learning library that uses functional programming principles.
-
SynapseML - An open-source library that simplifies the creation of massively scalable machine learning pipelines.
-
Dask - A flexible parallel computing library for NumPy, Pandas and Scikit-Learn.
-
Related projects:
- Distributed - A distributed task scheduler for Dask
-
-
H2O - An in-memory platform for distributed, scalable machine learning.
-
autodiff - automatic differentiation made easier for C++
-
GoLearn - Machine Learning for Go.
-
leaves - Pure Go implementation of prediction part for GBRT (Gradient Boosting Regression Trees) models from popular frameworks.
-
go-xgboost - XGBoost bindings for golang.
-
DEAP - Distributed Evolutionary Algorithms in Python.
-
ESTool - Evolution Strategies Tool.
-
mlpack (not actively updated) - A header-only C++ machine learning library.
- Language API: C++, Python, R, Julia, Go
-
xLearn (not actively updated) - A C++ machine learning library for linear model (LR), factorization machines (FM), and field-aware factorization machines (FFM).
-
ThunderGBM (not actively updated) - Fast GBDTs and Random Forests on GPUs.
-
ThunderSVM (not actively updated) - A Fast SVM Library on GPUs and CPUs.
-
PyBrain - The Python Machine Learning Library.
-
Annoy - Approximate Nearest Neighbors in C++/Python optimized for memory usage and loading/saving to disk.
-
Hnswlib - Header-only C++/python library for fast approximate nearest neighbors.
-
NMSLIB - Non-Metric Space Library (NMSLIB): An efficient similarity search library and a toolkit for evaluation of k-NN methods for generic non-metric spaces.
-
ann-benchmarks - Benchmarks of approximate nearest neighbor libraries in Python.
-
kmodes - Python implementations of the k-modes and k-prototypes clustering algorithms, for clustering categorical data.
-
Optuna - An automatic hyperparameter optimization software framework, particularly designed for machine learning.
-
Ax - An accessible, general-purpose platform for understanding, managing, deploying, and automating adaptive experiments.
-
AutoGluon - Automates machine learning tasks enabling you to easily achieve strong predictive performance in your applications.
-
Nevergrad - A Python toolbox for performing gradient-free optimization.
-
MLJAR - Python package for AutoML on Tabular Data with Feature Engineering, Hyper-Parameters Tuning, Explanations and Automatic Documentation.
-
gplearn - Genetic Programming in Python, with a scikit-learn inspired API.
-
BayesianOptimization (not actively updated) - A Python implementation of global optimization with gaussian processes.
-
Hyperopt (not actively updated) - Distributed Asynchronous Hyperparameter Optimization in Python.
-
Dragonfly (not actively updated) - An open source python library for scalable Bayesian optimization.
-
MLflow - A platform to streamline machine learning development, including tracking experiments, packaging code into reproducible runs, and sharing and deploying models.
-
PyCaret - An open-source, low-code machine learning library in Python that automates machine learning workflows.
-
Aim - An open-source, self-hosted ML experiment tracking tool.
-
Ax - An accessible, general-purpose platform for understanding, managing, deploying, and automating adaptive experiments.
-
labml - Monitor deep learning model training and hardware usage from your mobile phone.
-
ClearML - Auto-Magical Suite of tools to streamline your ML workflow Experiment Manager, MLOps and Data-Management.
-
DVC - A command line tool and VS Code Extension for data/model version control.
-
Metaflow - A human-friendly Python/R library that helps scientists and engineers build and manage real-life data science projects.
-
Weights&Biases - A tool for visualizing and tracking your machine learning experiments.
-
Yellowbrick - Visual analysis and diagnostic tools to facilitate machine learning model selection.
-
dtreeviz - A python library for decision tree visualization and model interpretation.
-
InterpretML - An open-source package that incorporates state-of-the-art machine learning interpretability techniques.
-
Shapash - A Python library which aims to make machine learning interpretable and understandable by everyone.
-
Alibi - An open source Python library aimed at machine learning model inspection and interpretation.
-
PyCM - Multi-class confusion matrix library in Python.
-
PyOD - A Comprehensive and Scalable Python Library for Outlier Detection (Anomaly Detection).
-
Alibi Detect - Algorithms for outlier, adversarial and drift detection.
-
OpenCV - Open Source Computer Vision Library.
-
Related projects:
- opencv-python - Pre-built CPU-only OpenCV packages for Python.
- opencv_contrib - Repository for OpenCV's extra modules.
- CVAT - Annotate better with CVAT, the industry-leading data engine for machine learning. Used and trusted by teams at any scale, for data of any scale.
-
-
OMMCV - OpenMMLab Computer Vision Foundation.
-
Related projects:
- MMClassification - OpenMMLab Image Classification Toolbox and Benchmark
- MMDetection - OpenMMLab Detection Toolbox and Benchmark
- MMDetection3D - OpenMMLab's next-generation platform for general 3D object detection
- MMOCR - OpenMMLab Text Detection, Recognition and Understanding Toolbox
- MMSegmentation - OpenMMLab Semantic Segmentation Toolbox and Benchmark.
- MMTracking - OpenMMLab Video Perception Toolbox
- MMPose - OpenMMLab Pose Estimation Toolbox and Benchmark
- MMSkeleton - A OpenMMLAB toolbox for human pose estimation, skeleton-based action recognition, and action synthesis
- MMGeneration - MMGeneration is a powerful toolkit for generative models, based on PyTorch and MMCV
- MMEditing - MMEditing is a low-level vision toolbox based on PyTorch, supporting super-resolution, inpainting, matting, video interpolation, etc
- MMDeploy - OpenMMLab Model Deployment Framework
- OpenPCDet - OpenPCDet Toolbox for LiDAR-based 3D Object Detection
-
-
Lightly - A computer vision framework for self-supervised learning, based on PyTorch.
-
GluonCV - A high-level computer vision library for PyTorch and MXNet.
-
Scenic - A codebase with a focus on research around attention-based models for computer vision, based on JAX and Flax.
-
Kornia - Open source differentiable computer vision library, based on PyTorch.
-
pytorch-image-models - A collection of CV models, scripts, pretrained weights, based on PyTorch.
-
vit-pytorch - A collection of Vision Transformer implementations, based on PyTorch.
-
vit-tensorflow - A collection of Vision Transformer implementations, based on TensorFlow.
-
ccv - C-based/Cached/Core Computer Vision Library, A Modern Computer Vision Library.
-
TorchCV (not actively updated) - A PyTorch-Based Framework for Deep Learning in Computer Vision.
-
Detectron (no longer maintained) - A research platform for object detection research, implementing popular algorithms by Facebook, based on Caffe2.
-
Detectron2 (successor of Detectron) - A platform for object detection, segmentation and other visual recognition tasks, based on PyTorch.
-
AlphaPose - Real-Time and Accurate Full-Body Multi-Person Pose Estimation&Tracking System.
-
OpenPose - Real-time multi-person keypoint detection library for body, face, hands, and foot estimation.
-
OpenPose Unity Plugin - A wrapper of the OpenPose library for Unity users.
-
Norfair - Lightweight Python library for adding real-time multi-object tracking to any detector.
-
AlexeyAB/darknet - YOLOv4 / Scaled-YOLOv4 / YOLO - Neural Networks for Object Detection (Windows and Linux version of Darknet ).
-
pjreddie/darknet - Convolutional Neural Networks.
-
ClassyVision - An end-to-end framework for image and video classification, based on PyTorch.
-
pycls - Codebase for Image Classification Research, based on PyTorch.
-
CenterNet - Object detection, 3D detection, and pose estimation using center point detection.
-
SlowFast - Video understanding codebase from FAIR, based on PyTorch.
-
SAHI - Platform agnostic sliced/tiled inference + interactive ui + error analysis plots for object detection and instance segmentation.
-
libfacedetection - An open source library for face detection in images. The face detection speed can reach 1000FPS.
-
openbr - Open Source Biometrics, Face Recognition.
-
InsightFace - An open source 2D&3D deep face analysis toolbox, based on PyTorch and MXNet.
-
Deepface - A Lightweight Face Recognition and Facial Attribute Analysis (Age, Gender, Emotion and Race) Library for Python.
-
deepfakes_faceswap - A tool that utilizes deep learning to recognize and swap faces in pictures and videos.
-
Ultra-Light-Fast-Generic-Face-Detector-1MB - 1MB lightweight face detection model.
-
face_classification (no longer maintained) - Real-time face detection and emotion/gender classification using fer2013/imdb datasets with a keras CNN model and openCV.
-
PAZ (successor of face_classification) - Hierarchical perception library in Python for pose estimation, object detection, instance segmentation, keypoint estimation, face recognition, etc.
-
MenpoBenchmark - Multi-pose 2D and 3D Face Alignment & Tracking.
-
CaImAn - Computational toolbox for large scale Calcium Imaging Analysis, including movie handling, motion correction, source extraction, spike deconvolution and result visualization.
-
segmentation_models (not actively updated) - Python library with Neural Networks for Image Segmentation based on Keras and TensorFlow.
-
OpenFace (not actively updated) - Face recognition with deep neural networks.
-
Face Recognition (not actively updated) - A facial recognition api for Python and the command line.
-
OpenFace (not actively updated) - A state-of-the art tool intended for facial landmark detection, head pose estimation, facial action unit recognition, and eye-gaze estimation.
-
hgpvision/darknet (not actively updated) - darknet深度学习框架源码分析:详细中文注释,涵盖框架原理与实现语法分析
-
EasyOCR - Ready-to-use OCR with 80+ supported languages and all popular writing scripts.
-
Python-tesseract - A Python wrapper for Google's Tesseract-OCR Engine.
-
tesserocr - A simple, Pillow-friendly, wrapper around the tesseract-ocr API for OCR.
-
deep-text-recognition-benchmark - Text recognition (optical character recognition) with deep learning methods.
-
OCRmyPDF - Adds an OCR text layer to scanned PDF files, allowing them to be searched.
-
LayoutParser - A Unified Toolkit for Deep Learning Based Document Image Analysis, based on Detectron2.
-
chineseocr - yolo3+ocr
-
HyperLPR - 基于深度学习高性能中文车牌识别
-
deep_ocr (not actively updated) - make a better chinese character recognition OCR than tesseract
-
chinese_ocr (not actively updated) - CTPN + DenseNet + CTC based end-to-end Chinese OCR implemented using tensorflow and keras.
-
pdftabextract (no longer maintained) - A set of tools for extracting tables from PDF files helping to do data mining on (OCR-processed) scanned documents.
-
CHINESE-OCR (not actively updated) - 运用tf实现自然场景文字检测,keras/pytorch实现ctpn+crnn+ctc实现不定长场景文字OCR识别
-
EasyPR - 一个开源的中文车牌识别系统
-
License-Plate-Detect-Recognition-via-Deep-Neural-Networks-accuracy-up-to-99.9 (not actively updated) - 中文车牌识别
-
DALL·E Flow - A Human-in-the-Loop workflow for creating HD images from text.
-
DALL·E Mini - Generate images from a text prompt.
-
GAN Lab - An Interactive, Visual Experimentation Tool for Generative Adversarial Networks.
-
DeepFaceLab - DeepFaceLab is the leading software for creating deepfakes.
-
DeOldify - A Deep Learning based project for colorizing and restoring old images (and video!)
-
waifu2x - Image Super-Resolution for Anime-Style Art.
-
Kubric - A data generation pipeline for creating semi-realistic synthetic multi-object videos with rich annotations such as instance segmentation masks, depth maps, and optical flow.
-
benchmark_VAE - Implements some of the most common (Variational) Autoencoder models under a unified implementation.
-
FastPhotoStyle (not actively updated) - Style transfer, deep learning, feature transform.
-
Real-Time-Person-Removal (not actively updated) - Removing people from complex backgrounds in real time using TensorFlow.js in the web browser.
-
MUNIT (no longer maintained) - Multimodal Unsupervised Image-to-Image Translation.
-
pytorch_GAN_zoo (not actively updated) - A mix of GAN implementations including progressive growing.
-
deepcolor (not actively updated) - Automatic coloring and shading of manga-style lineart, using Tensorflow + cGANs.
-
HuggingFace Transformers - A high-level machine learning library for text, images and audio data, with support for Pytorch, TensorFlow and JAX.
-
HuggingFace Tokenizers - A high-performance library for text vocabularies and tokenizers.
-
NLTK - An open source natural language processing library in Python.
-
spaCy - Industrial-strength Natural Language Processing (NLP) in Python.
-
ScispaCy - A Python package containing spaCy models for processing biomedical, scientific or clinical text.
-
PyTextRank - A Python implementation of TextRank as a spaCy pipeline extension, for graph-based natural language work.
-
textacy - a Python library for performing a variety of natural language processing tasks, based on spaCy.
-
spacy-transformers - Use pretrained transformers in spaCy, based on HuggingFace Transformers.
-
Spark NLP - An open source natural language processing library for Apache Spark.
-
Flair - An open source natural language processing library, based on PyTorch.
-
Fairseq - A sequence-to-sequence toolkit by Facebook, based on PyTorch.
-
ParlAI - A python framework for sharing, training and testing dialogue models from open-domain chitchat, based on PyTorch.
-
Stanza - An open source natural language processing library by Stanford NLP Group, based on PyTorch.
-
ESPnet - An end-to-end speech processing toolkit covering end-to-end speech recognition, text-to-speech, speech translation, speech enhancement, speaker diarization, spoken language understanding, based on PyTorch.
-
NLP Architect - A Deep Learning NLP/NLU library by Intel AI Lab, based on PyTorch and TensorFlow.
-
LightSeq - A high performance training and inference library for sequence processing and generation implemented in CUDA, for Fairseq and HuggingFace Transformers.
-
FudanNLP (no longer maintained) - Toolkit for Chinese natural language processing.
-
fastNLP (successor of FudanNLP) - A Modularized and Extensible NLP Framework for PyTorch and PaddleNLP.
-
Rubrix - A production-ready Python framework for exploring, annotating, and managing data in NLP projects.
-
Gensim - A Python library for topic modelling, document indexing and similarity retrieval with large corpora, based on NumPy and SciPy.
-
CLTK - A Python library offering natural language processing for pre-modern languages.
-
OpenNRE - An open-source and extensible toolkit that provides a unified framework to implement relation extraction models.
-
minGPT - A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training.
-
HanLP - 中文分词 词性标注 命名实体识别 依存句法分析 成分句法分析 语义依存分析 语义角色标注 指代消解 风格转换 语义相似度 新词发现 关键词短语提取 自动摘要 文本分类聚类 拼音简繁转换 自然语言处理
-
LAC - 百度NLP:分词,词性标注,命名实体识别,词重要性
-
AllenNLP (not actively updated) - An open source natural language processing library, based on PyTorch.
-
GluonNLP (not actively updated) - A high-level NLP toolkit, based on MXNet.
-
jiant (no longer maintained) - The multitask and transfer learning toolkit for natural language processing research.
-
fastText (not actively updated) - A library for efficient learning of word representations and sentence classification.
-
TextBlob (not actively updated) - A Python library for processing textual data.
-
jieba (not actively updated) - 结巴中文分词
-
SnowNLP (not actively updated) - Python library for processing Chinese text.
-
SpeechBrain - An open-source and all-in-one conversational AI toolkit based on PyTorch.
-
NeMo - A toolkit for conversational AI, based on PyTorch.
-
Sockeye - An open-source sequence-to-sequence framework for Neural Machine Translation, based on PyTorch.
-
DeepPavlov - An open-source conversational AI library built on TensorFlow, Keras and PyTorch.
-
OpenNMT-py - The PyTorch version of the OpenNMT project, an open-source neural machine translation framework.
-
OpenNMT-tf - The TensorFlow version of the OpenNMT project, an open-source neural machine translation framework.
-
Rasa - Open source machine learning framework to automate text- and voice-based conversations.
-
SentencePiece - Unsupervised text tokenizer for Neural Network-based text generation.
-
subword-nmt - Unsupervised Word Segmentation for Neural Machine Translation and Text Generation.
-
OpenPrompt - An Open-Source Framework for Prompt-Learning.
-
sumy - Module for automatic summarization of text documents and HTML pages.
-
chatbot - 一个可以自己进行训练的中文聊天机器人, 根据自己的语料训练出自己想要的聊天机器人,可以用于智能客服、在线问答、智能聊天等场景。
-
AI-Writer - AI 写小说,生成玄幻和言情网文等等。中文预训练生成模型。
-
seq2seq-couplet - 用深度学习对对联。
-
FARM (not actively updated) - Fast & easy transfer learning for NLP, which focuses on Question Answering.
-
Haystack (successor of FARM) - A high-level natural language processing library for deployment and production, based on PyTorch and HuggingFace Transformers.
-
XLM (not actively updated) - PyTorch original implementation of Cross-lingual Language Model Pretraining.
-
TTS - A library for advanced Text-to-Speech generation.
-
pyAudioAnalysis - A Python library for audio feature extraction, classification, segmentation and applications.
-
Porcupine - On-device wake word detection powered by deep learning.
-
MuseGAN - An AI for Music Generation.
-
wav2letter++ (no longer maintained) - Facebook AI Research's Automatic Speech Recognition Toolkit.
-
Magenta (no longer maintained) - Music and Art Generation with Machine Intelligence.
-
SpeechRecognition (not actively updated) - Library for performing speech recognition, with support for several engines and APIs, online and offline.
-
Spleeter - A source separation library with pretrained models, based on TensorFlow.
-
Language Interpretability Tool - Interactively analyze NLP models for model understanding in an extensible and framework agnostic interface.
-
TextAttack - A Python framework for adversarial attacks, data augmentation, and model training in NLP.
-
CheckList - Behavioral Testing of NLP models with CheckList.
-
OpenAI Gym - A toolkit for developing and comparing reinforcement learning algorithms by OpenAI.
-
DeepMind Lab - A customisable 3D platform for agent-based AI research.
-
TF-Agents - A reliable, scalable and easy to use TensorFlow library for Contextual Bandits and Reinforcement Learning.
-
TensorLayer - A novel TensorFlow-based deep learning and reinforcement learning library designed for researchers and engineers.
-
Tensorforce - A TensorFlow library for applied reinforcement learning.
-
Acme - A research framework for reinforcement learning by DeepMind.
-
RLax - A library built on top of JAX that exposes useful building blocks for implementing reinforcement learning agents.
-
ReAgent - An open source end-to-end platform for applied reinforcement learning by Facebook.
-
Dopamine - A research framework for fast prototyping of reinforcement learning algorithms.
-
Vowpal Wabbit - A fast, flexible, online, and active learning solution for solving complex interactive machine learning problems.
-
PFRL - A PyTorch-based deep reinforcement learning library.
-
garage - A toolkit for reproducible reinforcement learning research.
-
PyRobot - An Open Source Robotics Research Platform.
-
AirSim - Open source simulator for autonomous vehicles built on Unreal Engine / Unity, from Microsoft AI & Research.
-
Self-Driving-Car-in-Video-Games - A deep neural network that learns to drive in video games.
-
OpenAI Baselines (no longer maintained) - A set of high-quality implementations of reinforcement learning algorithms.
-
Stable Baselines (no longer maintained) - A fork of OpenAI Baselines, implementations of reinforcement learning algorithms.
-
Stable Baselines3 (successor of OpenAI Baselines and Stable Baselines) - A set of reliable implementations of reinforcement learning algorithms in PyTorch.
-
PySC2 - StarCraft II Learning Environment.
-
ViZDoom - Doom-based AI Research Platform for Reinforcement Learning from Raw Visual Information.
-
FinRL - The first open-source framework to show the great potential of financial reinforcement learning.
-
AnimalAI-Olympics (no longer maintained) - Code repository for the Animal AI Olympics competition.
-
AnimalAI 3 (successor of AnimalAI-Olympics) - AAI supports interdisciplinary research to help better understand human, animal, and artificial cognition.
-
self-driving-car (no longer maintained) - The Udacity open source self-driving car project.
-
DGL - An easy-to-use, high performance and scalable Python package for deep learning on graphs for PyTorch, Apache MXNet or TensorFlow.
-
NetworkX - A Python package for the creation, manipulation, and study of the structure, dynamics, and functions of complex networks.
-
igraph - Library for the analysis of networks.
-
python-igraph - Python interface for igraph.
-
PyG - A Graph Neural Network Library based on PyTorch.
-
PyTorch Geometric - Graph Neural Network Library for PyTorch.
-
OGB - Benchmark datasets, data loaders, and evaluators for graph machine learning.
-
Spektral - A Python library for graph deep learning, based on Keras and TensorFlow.
-
Graph Nets - Build Graph Nets in Tensorflow.
-
Graph4nlp - A library for the easy use of Graph Neural Networks for NLP (DLG4NLP).
-
Jraph - A Graph Neural Network Library in Jax.
-
cuGraph - A collection of GPU accelerated graph algorithms that process data found in GPU DataFrames (cuDF).
-
GraphEmbedding - Implementation and experiments of graph embedding algorithms.
-
benchmarking-gnns - Repository for benchmarking graph neural networks.
-
PyTorch-BigGraph (not actively updated) - Generate embeddings from large-scale graph-structured data, based on PyTorch.
-
TensorFlow Graphics (not actively updated) - Differentiable Graphics Layers for TensorFlow.
-
StellarGraph (not actively updated) - A Python library for machine learning on graphs and networks.
-
EconML - A Python package for estimating heterogeneous treatment effects from observational data via machine learning.
-
Causal ML - Uplift modeling and causal inference with machine learning algorithms.
-
DoWhy - A Python library for causal inference that supports explicit modeling and testing of causal assumptions.
-
CausalNex - A Python library that helps data scientists to infer causation rather than observing correlation.
-
causallib - A Python package for modular causal inference analysis and model evaluations.
-
pylift - Uplift modeling package.
-
grf - Generalized Random Forests.
-
DoubleML - Double Machine Learning in Python.
-
Causality - Tools for causal analysis.
-
YLearn - A python package for causal inference.
-
Recommenders - Best Practices on Recommendation Systems.
-
Surprise - A Python scikit for building and analyzing recommender systems.
-
RecLearn - Recommender Learning with Tensorflow2.x.
-
Implicit - Fast Python Collaborative Filtering for Implicit Feedback Datasets.
-
LightFM - A Python implementation of LightFM, a hybrid recommendation algorithm.
-
RecBole - A unified, comprehensive and efficient recommendation library for reproducing and developing recommendation algorithms.
-
DeepCTR - Easy-to-use,Modular and Extendible package of deep-learning based CTR models.
-
DeepCTR-Torch - Easy-to-use,Modular and Extendible package of deep-learning based CTR models.
-
deep-ctr-prediction - CTR prediction models based on deep learning.
-
RecSys - 计算广告/推荐系统/机器学习(Machine Learning)/点击率(CTR)/转化率(CVR)预估/点击率预估。
-
AI-RecommenderSystem - 推荐系统领域的一些经典算法模型。
-
Recommend-System-TF2.0 - 经典推荐算法的原理解析及代码实现。
-
SparkCTR (not actively updated) - CTR prediction model based on spark(LR, GBDT, DNN).
-
Awesome-RecSystem-Models (not actively updated) - Implements of Awesome RecSystem Models with PyTorch/TF2.0.
-
Deep_Rec (not actively updated) - 推荐算法相关代码、文档、资料
-
Prophet - Tool for producing high quality forecasts for time series data that has multiple seasonality with linear or non-linear growth.
-
darts - A python library for easy manipulation and forecasting of time series.
-
GluonTS - Probabilistic time series modeling in Python.
-
tslearn - A machine learning toolkit dedicated to time-series data.
-
sktime - A unified framework for machine learning with time series.
-
PyTorch Forecasting - Time series forecasting with PyTorch.
-
STUMPY - A powerful and scalable Python library for modern time series analysis.
-
StatsForecast - Offers a collection of widely used univariate time series forecasting models, including automatic ARIMA and ETS modeling optimized for high performance using numba.
-
Orbit - A Python package for Bayesian time series forecasting and inference.
-
Pmdarima - A statistical library designed to fill the void in Python's time series analysis capabilities, including the equivalent of R's auto.arima function.
-
Qlib - An AI-oriented quantitative investment platform, which aims to realize the potential, empower the research, and create the value of AI technologies in quantitative investment.
-
IB-insync - Python sync/async framework for Interactive Brokers API.
-
ffn - A financial function library for Python.
-
bt - A flexible backtesting framework for Python used to test quantitative trading strategies, based on ffn.
-
finmarketpy - Python library for backtesting trading strategies & analyzing financial markets.
-
TensorTrade - An open source reinforcement learning framework for training, evaluating, and deploying robust trading agents, based on TensorFlow.
-
TF Quant Finance - High-performance TensorFlow library for quantitative finance.
-
Pandas TA - An easy to use library that leverages the Pandas package with more than 130 Indicators and Utility functions and more than 60 TA Lib Candlestick Patterns.
-
pyts (not actively updated) - A Python package for time series classification.
-
CryptoSignal (not actively updated) - A command line tool that automates your crypto currency Technical Analysis (TA).
-
Catalyst (no longer maintained) - An algorithmic trading library for crypto-assets written in Python.
-
AlphaFold - Open source code for AlphaFold.
-
OpenFold - Trainable, memory-efficient, and GPU-friendly PyTorch reproduction of AlphaFold 2.
-
DeepChem - Democratizing Deep-Learning for Drug Discovery, Quantum Chemistry, Materials Science and Biology.
-
Apollo - An open autonomous driving platform.
-
OpenCog - A framework for integrated Artificial Intelligence & Artificial General Intelligence (AGI).
-
Screenshot-to-code - A neural network that transforms a design mock-up into a static website.
-
PennyLane - A cross-platform Python library for differentiable programming of quantum computers.
-
OR-Tools - Google's Operations Research tools.
-
CARLA (not actively updated) - An open-source simulator for autonomous driving research.
-
convnet-burden (not actively updated) - Memory consumption and FLOP count estimates for convnets.
-
gradient-checkpointing (no longer maintained) - Make huge neural nets fit in memory.
-
NumPy - The fundamental package for scientific computing with Python.
-
SciPy - An open-source software for mathematics, science, and engineering in Python.
-
SymPy - A computer algebra system written in pure Python.
-
ArrayFire - A general-purpose tensor library that simplifies the process of software development for the parallel architectures found in CPUs, GPUs, and other hardware acceleration devices
-
CuPy - A NumPy/SciPy-compatible array library for GPU-accelerated computing with Python.
-
PyCUDA - Pythonic Access to CUDA, with Arrays and Algorithms.
-
Numba - NumPy aware dynamic Python compiler using LLVM.
-
xtensor - C++ tensors with broadcasting and lazy computing.
-
Halide - A language for fast, portable data-parallel computation.
-
NumExpr - Fast numerical array expression evaluator for Python, NumPy, PyTables, pandas, bcolz and more.
-
OpenBLAS - An optimized BLAS library based on GotoBLAS2 1.13 BSD version.
-
Bottleneck - Fast NumPy array functions written in C.
-
Enoki - Structured vectorization and differentiation on modern processor architectures.
-
Mars - A tensor-based unified framework for large-scale data computation which scales numpy, pandas, scikit-learn and many other libraries.
-
TensorLy - A Python library that aims at making tensor learning simple and accessible.
-
Pythran - An ahead of time compiler for a subset of the Python language, with a focus on scientific computing.
-
Patsy (no longer maintained) - Describing statistical models in Python using symbolic formulas.
-
Formulaic (successor of Patsy) - A high-performance implementation of Wilkinson formulas for Python.
-
Theano (no longer maintained) - A Python library that allows you to define, optimize, and evaluate mathematical expressions involving multi-dimensional arrays efficiently.
-
Aesara (successor of Theano) - A Python library that allows one to define, optimize/rewrite, and evaluate mathematical expressions, especially ones involving multi-dimensional arrays.
-
einops - A tensor operation library for NumPy, PyTorch, TensorFlow and JAX.
-
FBGEMM - A low-precision, high-performance matrix-matrix multiplications and convolution library for server-side inference.
-
taco - A C++ library that computes tensor algebra expressions on sparse and dense tensors.
-
Joblib - Running Python functions as pipeline jobs, with optimizations for numpy.
-
Fastor - A lightweight high performance tensor algebra framework for modern C++.
-
TiledArray - A massively-parallel, block-sparse tensor framework written in C++.
-
CTF - Cyclops Tensor Framework: parallel arithmetic on multidimensional arrays.
-
Blitz++ (not actively updated) - Multi-Dimensional Array Library for C++.
-
juanjosegarciaripoll/tensor (not actively updated) - C++ library for numerical arrays and tensor objects and operations with them, designed to allow Matlab-style programming.
-
xtensor-blas (not actively updated) - BLAS extension to xtensor.
-
Milvus - An open-source vector database built to power embedding similarity search and AI applications.
-
Faiss - A library for efficient similarity search and clustering of dense vectors.
-
FLANN - Fast Library for Approximate Nearest Neighbors
-
openTSNE - Extensible, parallel Python implementations of t-SNE.
-
UMAP - Uniform Manifold Approximation and Projection, a dimension reduction technique that can be used for visualisation similarly to t-SNE.
-
Statsmodels - Statistical modeling and econometrics in Python.
-
shap - A game theoretic approach to explain the output of any machine learning model.
-
Pyro - Deep universal probabilistic programming with Python and PyTorch.
-
GPyTorch - A highly efficient and modular implementation of Gaussian Processes in PyTorch.
-
PyMC - Probabilistic Programming in Python: Bayesian Modeling and Probabilistic Machine Learning with Aesara.
-
hmmlearn - Hidden Markov Models in Python, with scikit-learn like API.
-
emcee - The Python ensemble sampling toolkit for affine-invariant Markov chain Monte Carlo (MCMC).
-
pgmpy - A python library for working with Probabilistic Graphical Models.
-
pomegranate - Fast, flexible and easy to use probabilistic modelling in Python.
-
Orbit - A Python package for Bayesian forecasting with object-oriented design and probabilistic models under the hood.
-
GPflow - Gaussian processes in TensorFlow.
-
ArviZ - A Python package for exploratory analysis of Bayesian models.
-
POT - Python Optimal Transport.
-
Edward (not actively updated) - A probabilistic programming language in TensorFlow. Deep generative models, variational inference.
-
torchdiffeq - Differentiable ordinary differential equation (ODE) solvers with full GPU support and O(1)-memory backpropagation.
-
deal.II - A C++ program library targeted at the computational solution of partial differential equations using adaptive finite elements.
-
Neural ODEs - Jupyter notebook with Pytorch implementation of Neural Ordinary Differential Equations.
-
Quantum - Microsoft Quantum Development Kit Samples.
-
pandas - Flexible and powerful data analysis / manipulation library for Python, providing labeled data structures similar to R data.frame objects, statistical functions, and much more.
-
cuDF - GPU DataFrame Library.
-
Polars - Fast multi-threaded DataFrame library in Rust, Python and Node.js.
-
Modin - Scale your Pandas workflows by changing a single line of code.
-
Vaex - Out-of-Core hybrid Apache Arrow/NumPy DataFrame for Python, ML, visualization and exploration of big tabular data at a billion rows per second.
-
PyTables - A Python package to manage extremely large amounts of data.
-
Pandaral.lel - A simple and efficient tool to parallelize Pandas operations on all available CPUs.
-
swifter - A package which efficiently applies any function to a pandas dataframe or series in the fastest available manner.
-
datatable - A Python package for manipulating 2-dimensional tabular data structures.
-
xarray - N-D labeled arrays and datasets in Python.
-
Zarr - An implementation of chunked, compressed, N-dimensional arrays for Python.
-
Python Sorted Containers - Python Sorted Container Types: Sorted List, Sorted Dict, and Sorted Set.
-
Pyrsistent - Persistent/Immutable/Functional data structures for Python.
-
immutables - A high-performance immutable mapping type for Python.
-
DocArray - A library for nested, unstructured, multimodal data in transit, including text, image, audio, video, 3D mesh, etc.
-
Texthero - A python toolkit to work with text-based dataset, bases on Pandas.
-
ftfy - Fixes mojibake and other glitches in Unicode text.
-
Box - Python dictionaries with advanced dot notation access.
-
bidict - The bidirectional mapping library for Python.
-
anytree - Python tree data library.
-
pydantic - Data parsing and validation using Python type hints.
-
stockstats - Supply a wrapper
StockDataFrame
based on thepandas.DataFrame
with inline stock statistics/indicators support.
-
DALI - A library for data loading and pre-processing to accelerate deep learning applications.
-
Label Studio - A multi-type data labeling and annotation tool with standardized output format.
-
AugLy - A data augmentations library for audio, image, text, and video.
-
Albumentations - A Python library for image augmentation.
-
Augmentor - Image augmentation library in Python for machine learning.
-
Pillow - The friendly PIL fork (Python Imaging Library).
-
MoviePy - Video editing with Python.
-
Open3D - A Modern Library for 3D Data Processing.
-
PCL - The Point Cloud Library (PCL) is a standalone, large scale, open project for 2D/3D image and point cloud processing.
-
imutils - A basic image processing toolkit in Python, based on OpenCV.
-
Towhee - Data processing pipelines for neural networks.
-
ffcv - A drop-in data loading system that dramatically increases data throughput in model training.
-
NLPAUG - Data augmentation for NLP.
-
Audiomentations - A Python library for audio data augmentation.
-
torch-audiomentations - Fast audio data augmentation in PyTorch, with GPU support.
-
librosa - A python package for music and audio analysis.
-
Pydub - Manipulate audio with a simple and easy high level interface.
-
DDSP - A library of differentiable versions of common DSP functions.
-
TSFRESH - Automatic extraction of relevant features from time series.
-
TA - A Technical Analysis library useful to do feature engineering from financial time series datasets, based on Pandas and NumPy.
-
Featuretools - An open source python library for automated feature engineering.
-
Feature-engine - A Python library with multiple transformers to engineer and select features for use in machine learning models.
-
img2dataset - Easily turn large sets of image urls to an image dataset.
-
Faker - A Python package that generates fake data for you.
-
SDV - Synthetic Data Generation for tabular, relational and time series data.
-
Googletrans - (unofficial) Googletrans: Free and Unlimited Google translate API for Python. Translates totally free of charge.
-
OptBinning - Monotonic binning with constraints. Support batch & stream optimal binning. Scorecard modelling and counterfactual explanations.
-
Scrapy - A fast high-level web crawling & scraping framework for Python.
-
pyspider - A Powerful Spider(Web Crawler) System in Python.
-
Instagram Scraper - Scrapes an instagram user's photos and videos.
-
instaloader - Download pictures (or videos) along with their captions and other metadata from Instagram.
-
XueQiuSuperSpider - 雪球股票信息超级爬虫
-
coordtransform - 提供了百度坐标(BD09)、国测局坐标(火星坐标,GCJ02)、和WGS84坐标系之间的转换
-
nlp_chinese_corpus - 大规模中文自然语言处理语料
-
imgaug (not actively updated) - Image augmentation for machine learning experiments.
-
accimage (not actively updated) - High performance image loading and augmenting routines mimicking PIL.Image interface.
-
Snorkel (not actively updated) - A system for quickly generating training data with weak supervision.
-
fancyimpute (not actively updated) - A variety of matrix completion and imputation algorithms implemented in Python.
-
Requests-HTML (not actively updated) - Pythonic HTML Parsing for Humans.
-
lazynlp (not actively updated) - Library to scrape and clean web pages to create massive datasets.
-
Google Images Download (not actively updated) - Python Script to download hundreds of images from 'Google Images'.
-
image-match - a simple package for finding approximate image matches from a corpus.
-
jellyfish - A library for approximate & phonetic matching of strings.
-
TextDistance - Python library for comparing distance between two or more sequences by many algorithms.
-
Qdrant - A vector similarity search engine for text, image and categorical data in Rust.
-
pandera - A light-weight, flexible, and expressive statistical data testing library.
-
Kedro - A Python framework for creating reproducible, maintainable and modular data science code.
-
PyFunctional - Python library for creating data pipelines with chain functional programming.
-
ImageHash - An image hashing library written in Python.
-
pandas-profiling - Create HTML data profiling reports for pandas DataFrame.
-
FiftyOne - An open-source tool for building high-quality datasets and computer vision models.
-
Datasette - An open source multi-tool for exploring and publishing data.
-
glom - Python's nested data operator (and CLI), for all your declarative restructuring needs.
-
dedupe - A python library that uses machine learning to perform fuzzy matching, deduplication and entity resolution quickly on structured data.
-
Ciphey - Automatically decrypt encryptions without knowing the key or cipher, decode encodings, and crack hashes.
-
datasketch - Gives you probabilistic data structures that can process and search very large amount of data super fast, with little loss of accuracy.
-
Matplotlib - A comprehensive library for creating static, animated, and interactive visualizations in Python.
-
Seaborn - A high-level interface for drawing statistical graphics, based on Matplotlib.
-
Bokeh - Interactive Data Visualization in the browser, from Python.
-
Plotly.js - Open-source JavaScript charting library behind Plotly and Dash.
-
Plotly.py - An interactive, open-source, and browser-based graphing library for Python, based on Plotly.js.
-
ggplot2 - An implementation of the Grammar of Graphics in R.
-
ggpy - ggplot port for python.
-
Datapane - An open-source framework to create data science reports in Python.
-
Visdom - A flexible tool for creating, organizing, and sharing visualizations of live, rich data. Supports Torch and Numpy.
-
TabPy - Execute Python code on the fly and display results in Tableau visualizations.
-
Streamlit - The fastest way to build data apps in Python.
-
HyperTools - A Python toolbox for gaining geometric insights into high-dimensional data, based on Matplotlib and Seaborn.
-
Dash - Analytical Web Apps for Python, R, Julia and Jupyter, based on Plotly.js.
-
mpld3 - An interactive Matplotlib visualization tool in browser, based on D3.
-
Vega - A visualization grammar, a declarative format for creating, saving, and sharing interactive visualization designs.
-
Vega-Lite - Provides a higher-level grammar for visual analysis that generates complete Vega specifications.
-
Vega-Altair - A declarative statistical visualization library for Python, based on Vega-Lite.
-
PyQtGraph - Fast data visualization and GUI tools for scientific / engineering applications.
-
VisPy - A high-performance interactive 2D/3D data visualization library, with OpenGL support.
-
PyVista - 3D plotting and mesh analysis through a streamlined interface for the Visualization Toolkit (VTK).
-
Potree - WebGL point cloud viewer for large datasets.
-
Holoviews - An open-source Python library designed to make data analysis and visualization seamless and simple.
-
Graphviz - Python interface for Graphviz to create and render graphs.
-
PyGraphistry - A Python library to quickly load, shape, embed, and explore big graphs with the GPU-accelerated Graphistry visual graph analyzer.
-
Apache ECharts - A powerful, interactive charting and data visualization library for browser.
-
pyecharts - A Python visualization interface for Apache ECharts.
-
word_cloud - A little word cloud generator in Python.
-
Datashader - A data rasterization pipeline for automating the process of creating meaningful representations of large amounts of data.
-
Perspective - A data visualization and analytics component, especially well-suited for large and/or streaming datasets.
-
ggplot2 - An implementation of the Grammar of Graphics in R.
-
plotnine - An implementation of the Grammar of Graphics in Python, based on ggplot2.
-
bqplot - An implementation of the Grammar of Graphics for IPython/Jupyter notebooks.
-
D-Tale - A visualization tool for Pandas DataFrame, with ipython notebooks support.
-
missingno - A Python visualization tool for missing data.
-
HiPlot - A lightweight interactive visualization tool to help AI researchers discover correlations and patterns in high-dimensional data.
-
Sweetviz - Visualize and compare datasets, target values and associations, with one line of code.
-
Netron - Visualizer for neural network, deep learning, and machine learning models.
-
livelossplot - Live training loss plot in Jupyter Notebook for Keras, PyTorch and others.
-
Diagrams - Lets you draw the cloud system architecture in Python code.
-
SandDance - Visually explore, understand, and present your data.
-
ML Visuals - Contains figures and templates which you can reuse and customize to improve your scientific writing.
-
Scattertext (not actively updated) - A tool for finding distinguishing terms in corpora and displaying them in an interactive HTML scatter plot.
-
TensorSpace.js - Neural network 3D visualization framework, build interactive and intuitive model in browsers, support pre-trained deep learning models from TensorFlow, Keras, TensorFlow.js.
-
Netscope (not actively updated) - Neural network visualizer.
-
draw_convnet (not actively updated) - Python script for illustrating Convolutional Neural Network (ConvNet).
-
PlotNeuralNet (not actively updated) - Latex code for making neural networks diagrams.
-
PyTorch official tutorials - Official tutorials for PyTorch.
-
DeepLearningExamples - State-of-the-Art Deep Learning examples that are easy to train and deploy, achieving the best reproducible accuracy and performance with NVIDIA CUDA-X software stack running on NVIDIA Volta, Turing and Ampere GPUs.
-
Learn OpenCV - C++ and Python Examples.
-
nlp-with-transformers - Jupyter notebooks for the Natural Language Processing with Transformers book.
-
labml.ai - A collection of PyTorch implementations of neural networks and related algorithms, which are documented with explanations and rendered as side-by-side formatted notes.
-
Machine Learning Notebooks (no longer maintained) - This project aims at teaching you the fundamentals of Machine Learning in python. It contains the example code and solutions to the exercises in my O'Reilly book Hands-on Machine Learning with Scikit-Learn and TensorFlow.
-
Machine Learning Notebooks, 3rd edition (successor of Machine Learning Notebooks) - A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2.
-
Made With ML - Learn how to responsibly develop, deploy and maintain production machine learning applications.
-
Reinforcement-learning-with-tensorflow - Simple Reinforcement learning tutorials.
-
Jezzamonn/fourier - An Interactive Introduction to Fourier Transforms.
-
adv-financial-ml-marcos-exercises - Exercises of the book: Advances in Financial Machine Learning by Marcos Lopez de Prado.
-
d2l-zh - 《动手学深度学习》:面向中文读者、能运行、可讨论。中英文版被60个国家的400所大学用于教学。
-
nndl.github.io - 《神经网络与深度学习》 邱锡鹏著
-
AI-Job-Notes - AI算法岗求职攻略(涵盖准备攻略、刷题指南、内推和AI公司清单等资料)
-
TensorFlow Course (not actively updated) - Simple and ready-to-use tutorials for TensorFlow.
-
Tensorflow Cookbook (not actively updated) - Simple Tensorflow Cookbook for easy-to-use.
-
Tensorflow2 Cookbook (not actively updated) - Simple Tensorflow 2.x Cookbook for easy-to-use
-
TensorFlow Tutorials - TensorFlow Tutorials with YouTube Videos.
-
stanford-cs-221-artificial-intelligence (not actively updated) - VIP cheatsheets for Stanford's CS 221 Artificial Intelligence.
-
TinyFlow (no longer maintained) - Tutorial code on how to build your own Deep Learning System in 2k Lines.
-
Convolution arithmetic (not actively updated) - A technical report on convolution arithmetic in the context of deep learning.
-
tensorflow2_tutorials_chinese (not actively updated) - tensorflow2中文教程
-
yao62995/tensorflow (not actively updated) - 图解tensorflow 源码
-
deeplearningbook-chinese - Deep Learning 中文翻译
-
lihang-code (not actively updated) - 《统计学习方法》的代码实现
-
NVIDIA Linux Open GPU Kernel Module Source - NVIDIA Linux open GPU kernel module source.
-
Vulkan-Hpp - Open-Source Vulkan C++ API.
-
Related projects:
- Vulkan Guide - One stop shop for getting started with the Vulkan API.
- Vulkan Samples - One stop solution for all Vulkan samples.
- VulkanTools - Tools to aid in Vulkan development.
- VulkanTutorial - Tutorial for the Vulkan graphics and compute API.
- Vulkan C++ examples and demos - Examples and demos for the new Vulkan API.
-
-
GLFW - A multi-platform library for OpenGL, OpenGL ES, Vulkan, window and input.
-
GLEW - The OpenGL Extension Wrangler Library.
-
WebGL - The Official Khronos WebGL Repository.
-
three.js - JavaScript 3D Library.
-
CUB - Cooperative primitives for CUDA C++.
-
glad - Multi-Language Vulkan/GL/GLES/EGL/GLX/WGL Loader-Generator based on the official specs.
-
Shaderc - A collection of tools, libraries, and tests for Vulkan shader compilation.
-
3D Game Shaders For Beginners - A step-by-step guide to implementing SSAO, depth of field, lighting, normal mapping, and more for your 3D game.
-
Taichi Lang - Productive & portable high-performance programming in Python.
-
Mitsuba 2 (no longer maintained) - A Retargetable Forward and Inverse Renderer.
-
Mitsuba 3 (successor of Mitsuba 2) - A Retargetable Forward and Inverse Renderer.
-
OpenVR - An API and runtime that allows access to VR hardware from multiple vendors without requiring that applications have specific knowledge of the hardware they are targeting.
-
A-Frame - Web framework for building virtual reality experiences.
-
Skia - A complete 2D graphic library for drawing Text, Geometries, and Images.
-
tiny-renderer (not actively updated) - A tiny sotfware 3D renderer in 100 lines of Python.
-
Godot - Multi-platform 2D and 3D game engine.
-
Related projects:
- Awesome Godot - A curated list of free/libre plugins, scripts and add-ons for Godot
- Godot demo projects - Demonstration and Template Projects.
-
-
Stride - An open-source C# game engine for realistic rendering and VR.
-
libGDX - Desktop/Android/HTML5/iOS Java game development framework.
-
raylib - A simple and easy-to-use library to enjoy videogames programming.
-
O3DE - An Apache 2.0-licensed multi-platform 3D engine that enables developers and content creators to build AAA games, cinema-quality 3D worlds, and high-fidelity simulations without any fees or commercial obligations.
-
EnTT - Gaming meets modern C++ - a fast and reliable entity component system (ECS) and much more.
-
Halley - A lightweight game engine written in modern C++.
-
Panda3D - Powerful, mature open-source cross-platform game engine for Python and C++, developed by Disney and CMU.
-
OpenXRay - Improved version of the X-Ray Engine, the game engine used in the world-famous S.T.A.L.K.E.R. game series by GSC Game World.
-
Spring - A powerful free cross-platform RTS game engine.
-
olcPixelGameEngine - A tool used in javidx9's YouTube videos and projects.
-
Acid - A high speed C++17 Vulkan game engine.
-
Crown - The flexible game engine.
-
Corange - Pure C Game Engine.
-
KlayGE - A cross-platform open source game engine with plugin-based architecture.
-
nCine - A cross-platform 2D game engine.
-
SuperTuxKart - SuperTuxKart is a free kart racing game. It focuses on fun and not on realistic kart physics.
-
Endless Sky - Space exploration, trading, and combat game.
-
SDLPAL - SDL-based reimplementation of the classic Chinese-language RPG known as PAL.
-
Game-Programmer-Study-Notes - 涉及游戏开发中的图形学、实时渲染、编程实践、GPU编程、设计模式、软件工程等内容。
-
Cocos2d-x (not actively updated) - A suite of open-source, cross-platform, game-development tools used by millions of developers all over the world.
-
WebGL Quake 3 Renderer (not actively updated) - WebGL app that renders levels from Quake 3.
-
DOOM-3-BFG (not actively updated) - Doom 3 BFG Edition
-
toy (not actively updated) - The thin c++ game engine.
-
GamePlay (not actively updated) - Open-source, cross-platform, C++ game engine for creating 2D/3D games.
-
Battle City Remake (no longer maintained) - Battle city remake built with react.
-
tinyrenderer - Software rendering in 500 lines of code.
-
tinyraytracer - Understandable RayTracing in 256 lines of bare C++.
-
Unity3DTraining - Unity的练习项目
-
tinyraycaster - Build your own 3D shooter in a weekend.
-
tinykaboom (not actively updated) - KABOOM! in 180 lines of bare C++.
-
Godot-24-Hours (not actively updated) - Examples and demo projects for the Godot Engine Game Development in 24 Hours book.
-
Docker Compose - Define and run multi-container applications with Docker.
-
Related projects:
- Docker SDK for Python - A Python library for the Docker Engine API
- NVIDIA Container Toolkit - Build and run Docker containers leveraging NVIDIA GPUs
-
-
Kubernetes Python Client - Official Python client library for kubernetes.
-
Apache Airflow - A platform to programmatically author, schedule, and monitor workflows.
-
Gaia - Build powerful pipelines in any programming language.
-
ZooKeeper - Apache ZooKeeper.
-
Apollo - A reliable configuration management system suitable for microservice configuration management scenarios.
-
Nomad - An easy-to-use, flexible, and performant workload orchestrator that can deploy a mix of microservice, batch, containerized, and non-containerized applications.
-
Flask - The Python micro framework for building web applications.
-
Buildbot - Python-based continuous integration testing framework.
-
Kratos - Your ultimate Go microservices framework for the cloud-native era.
-
Celery - Distributed Task Queue.
-
Prefect 2 - The easiest way to transform any function into a unit of work that can be observed and governed by orchestration rules.
-
Luigi - A Python module that helps you build complex pipelines of batch jobs.
-
RQ - A simple Python library for queueing jobs and processing them in the background with workers.
-
huey - A little task queue for python.
-
arq - Fast job queuing and RPC in python with asyncio and redis.
-
TaskTiger - Python task queue using Redis.
-
Mara Pipelines - A lightweight opinionated ETL framework, halfway between plain scripts and Apache Airflow.
-
Ansible - A radically simple IT automation platform that makes your applications and systems easier to deploy and maintain.
-
Pulumi - Infrastructure as Code SDK is the easiest way to create and deploy cloud software that use containers, serverless functions, hosted services, and infrastructure, on any cloud.
-
Fabric - Simple, Pythonic remote execution and deployment.
-
pyinfra - Automates infrastructure super fast at massive scale. It can be used for ad-hoc command execution, service deployment, configuration management and more.
-
Nightingale - An enterprise-level cloud-native monitoring system, which can be used as drop-in replacement of Prometheus for alerting and Grafana for visualization.
-
Linux kernel - Linux kernel source tree.
-
OSv - A new operating system for the cloud.
-
Netdata - Real-time performance monitoring, done right!
-
whylogs - The open standard for data logging.
-
devops-exercises - Linux, Jenkins, AWS, SRE, Prometheus, Docker, Python, Ansible, Git, Kubernetes, Terraform, OpenStack, SQL, NoSQL, Azure, GCP, DNS, Elastic, Network, Virtualization. DevOps Interview Questions.
-
TencentOS-tiny - 腾讯物联网终端操作系统
-
Codespaces (not actively updated) - Devops Workspaces in a Box.
-
Electron - Build cross-platform desktop apps with JavaScript, HTML, and CSS.
-
Related projects:
- electron-quick-start - Clone to try a simple Electron app.
- Electron API Demos - Explore the Electron APIs.
-
-
TypeScript - A superset of JavaScript that compiles to clean JavaScript output.
-
React Native - A framework for building native applications using React.
-
Appsmith - Low code project to build admin panels, internal tools, and dashboards. Integrates with 15+ databases and any API.
-
SCons - A software construction tool.
-
Bazel - A fast, scalable, multi-language and extensible build system.
-
xmake - A cross-platform build utility based on Lua.
-
Proton Native (not actively updated) - A React environment for cross platform desktop apps.
-
Kivy - Open source UI framework written in Python, running on Windows, Linux, macOS, Android and iOS.
-
Gooey - Turn (almost) any Python command line program into a full GUI application with one line.
-
DearPyGui - A fast and powerful Graphical User Interface Toolkit for Python with minimal dependencies.
-
Flexx - Write desktop and web apps in pure Python.
-
PySimpleGUI - Transforms the tkinter, Qt, WxPython, and Remi (browser-based) GUI frameworks into a simpler interface.
-
Eel - A little Python library for making simple Electron-like HTML/JS GUI apps.
-
Toga - A Python native, OS native GUI toolkit.
-
schedule - Python job scheduling for humans.
-
Click - A Python package for creating beautiful command line interfaces in a composable way with as little code as necessary.
-
Rich - A Python library for rich text and beautiful formatting in the terminal.
-
Colorama - Simple cross-platform colored terminal text in Python.
-
colout - Color text streams with a polished command line interface.
-
ASCIIMATICS - A cross platform package to do curses-like operations, plus higher level APIs and widgets to create text UIs and ASCII art animations.
-
Emoji - emoji terminal output for Python.
-
Python Fire - A library for automatically generating command line interfaces (CLIs) from absolutely any Python object.
-
Typer - A Python library for building CLI applications.
-
powerline-shell - A beautiful and useful prompt for your shell.
-
Python Prompt Toolkit - Library for building powerful interactive command line applications in Python.
-
Questionary - A Python library for effortlessly building pretty command line interfaces.
-
Argcomplete - Provides easy, extensible command line tab completion of arguments for your Python script.
-
python-dotenv - Reads key-value pairs from a .env file and can set them as environment variables.
-
Cookiecutter - A cross-platform command-line utility that creates projects from cookiecutters (project templates), e.g. Python package projects, C projects.
-
PyScaffold - A project generator for bootstrapping high quality Python packages, ready to be shared on PyPI and installable via pip.
-
dynaconf - Configuration Management for Python.
-
Hydra - A framework for elegantly configuring complex applications.
-
Python Decouple - Helps you to organize your settings so that you can change parameters without having to redeploy your app.
-
OmegaConf - A hierarchical configuration system, with support for merging configurations from multiple sources (YAML config files, dataclasses/objects and CLI arguments) providing a consistent API regardless of how the configuration was created.
-
Gin Config - Provides a lightweight configuration framework for Python.
-
Py4J - Enables Python programs to dynamically access arbitrary Java objects.
-
keyboard - Hook and simulate global keyboard events on Windows and Linux.
-
React - A declarative, efficient, and flexible JavaScript library for building user interfaces.
-
Django - A high-level Python web framework that encourages rapid development and clean, pragmatic design.
-
jQuery - jQuery JavaScript Library.
-
jQuery UI - The official jQuery user interface library.
-
Ant Design - An enterprise-class UI design language and React UI library.
-
Hugo - The world’s fastest framework for building websites.
-
Hexo - A fast, simple & powerful blog framework, powered by Node.js.
-
Jekyll - A blog-aware static site generator in Ruby.
-
Gutenberg - The Block Editor project for WordPress and beyond.
-
Wasmer - The leading WebAssembly Runtime supporting WASI and Emscripten.
-
Ghost - Turn your audience into a business. Publishing, memberships, subscriptions and newsletters.
-
Mercury - Convert Python notebook to web app and share with non-technical users.
-
Stylus - Expressive, robust, feature-rich CSS language built for nodejs.
-
D3 - A JavaScript library for visualizing data using web standards.
-
Paramiko - The leading native Python SSHv2 protocol library.
-
Netmiko - Multi-vendor library to simplify Paramiko SSH connections to network devices.
-
Storybook - A frontend workshop for building UI components and pages in isolation. Made for UI development, testing, and documentation.
-
ProjectVisBug - FireBug for designers › Edit any webpage, in any state.
-
readthedocs.org - The source code that powers readthedocs.org
-
reactnative.dev - Configuration and documentation powering the React Native website.
-
Clone Wars - 100+ open-source clones of popular sites like Airbnb, Amazon, Instagram, Netflix, Tiktok, Spotify, Whatsapp, Youtube etc. See source code, demo links, tech stack, github stars.
-
50projects50days - 50+ mini web projects using HTML, CSS & JS.
-
Public APIs - A collective list of free APIs
-
WebKit - The browser engine used by Safari, Mail, App Store and many other applications on macOS, iOS and Linux.
-
PhantomJS - Scriptable Headless Browser.
-
Open-IM-Server - Open source Instant Messaging Server.
-
progress-bar - Flask API for SVG progress badges.
-
ScrollMagic - The javascript library for magical scroll interactions.
-
KaTeX - Fast math typesetting for the web.
-
Brook - A cross-platform network tool designed for developers.
-
pixelmatch - The smallest, simplest and fastest JavaScript pixel-level image comparison library.
-
kcptun - A Stable & Secure Tunnel based on KCP with N:M multiplexing and FEC. Available for ARM, MIPS, 386 and AMD64
-
mall-swarm - 是一套微服务商城系统,采用了 Spring Cloud 2021 & Alibaba、Spring Boot 2.7、Oauth2、MyBatis、Docker、Elasticsearch、Kubernetes等核心技术,同时提供了基于Vue的管理后台方便快速搭建系统。mall-swarm在电商业务的基础集成了注册中心、配置中心、监控中心、网关等系统功能。文档齐全,附带全套Spring Cloud教程。
-
bbs-go - 基于Golang的开源社区系统。
-
py12306 - 12306 购票助手,支持集群,多账号,多任务购票以及 Web 页面管理
-
heti - 赫蹏(hètí)是专为中文内容展示设计的排版样式增强。它基于通行的中文排版规范而来,可以为网站的读者带来更好的文章阅读体验。
-
spring-boot-examples - Spring Boot 教程、技术栈示例代码,快速简单上手教程。
-
SpringBoot-Learning - Spring Boot基础教程。
-
big-react - 从零实现 React v18 的核心功能。
-
visual-drag-demo - 一个低代码(可视化拖拽)教学项目。
-
Waypoints - A library that makes it easy to execute a function whenever you scroll to an element.
-
flv.js (not actively updated) - HTML5 FLV Player
-
cim (not actively updated) - 适用于开发者的分布式即时通讯系统
-
Ionic - A powerful cross-platform UI toolkit for building native-quality iOS, Android, and Progressive Web Apps with HTML, CSS, and JavaScript.
-
PulltoRefresh.js - A quick and powerful plugin for your pull-to-refresh needs in your webapp.
-
Signal Android - A private messenger for Android.
-
QMUI_Android - 提高 Android UI 开发效率的 UI 库
-
GSYVideoPlayer - 视频播放器(IJKplayer、ExoPlayer、MediaPlayer),HTTPS,支持弹幕,外挂字幕,支持滤镜、水印、gif截图,片头广告、中间广告,多个同时播放,支持基本的拖动,声音、亮度调节,支持边播边缓存,支持视频自带rotation的旋转(90,270之类),重力旋转与手动旋转的同步支持,支持列表播放 ,列表全屏动画,视频加载速度,列表小窗口支持拖动,动画效果,调整比例,多分辨率切换,支持切换播放器,进度条小窗口预览,列表切换详情页面无缝播放,rtsp、concat、mpeg。
-
GSYGithubAppKotlin - 超完整的Android Kotlin 项目,功能丰富,适合学习和日常使用。GSYGithubApp系列的优势:目前已经拥有Flutter、Weex、ReactNative、Kotlin四个版本。 功能齐全,项目框架内技术涉及面广,完成度高。
-
MethodTraceMan - 用于快速找到高耗时方法,定位解决Android App卡顿问题。通过gradle plugin+ASM实现可配置范围的方法插桩来统计所有方法的耗时,并提供友好的界面展示,支持耗时筛选、线程筛选、方法名筛选等。
-
EasyFloat - 浮窗从未如此简单(Android可拖拽悬浮窗口,支持页面过滤、自定义动画,可设置单页面浮窗、前台浮窗、全局浮窗,浮窗权限按需自动申请...)
-
Dexposed - Dexposed enable 'god' mode for single android application.
-
Epic - Dynamic java method AOP hook for Android(continution of Dexposed on ART), Supporting 5.0~11.
-
GPUImage (not actively updated) - An open source iOS framework for GPU-based image and video processing.
-
GPUImage for Android (not actively updated) - Android filters based on OpenGL (idea from GPUImage for iOS).
-
ijkplayer (not actively updated) - Android/iOS video player based on FFmpeg n3.4, with MediaCodec, VideoToolbox support.
-
libstreaming (not actively updated) - A solution for streaming H.264, H.263, AMR, AAC using RTP on Android.
-
Stetho (not actively updated) - A debug bridge for Android applications, enabling the powerful Chrome Developer Tools and much more.
-
Genius-Android - Android Material Design Theme UI and Tool Library.
-
MultiType (not actively updated) - Flexible multiple types for Android RecyclerView.
-
DanmakuFlameMaster (not actively updated) - Android开源弹幕引擎
-
MagicCamera - 包含美颜等40余种实时滤镜相机,可拍照、录像、图片修改
-
LazyRecyclerAdapter (not actively updated) - 极简通用的RecyclerAdapter,入侵性低,支持一个列表多种Item类型,无需维护和编写Adapter代码,快速集成拥有点击,动画,自定义刷新,自定义加载更多,自定义空页面显示,通用分割线,动态绑定等高复用,你只需要编写维护Holder代码。
-
sh - A full-fledged subprocess replacement for Python 2, Python 3, PyPy and PyPy3 that allows you to call any program as if it were a function.
-
oneTBB - A flexible C++ library that simplifies the work of adding parallelism to complex applications, even if you are not a threading expert.
-
HPX - The C++ Standard Library for Parallelism and Concurrency.
-
Muduo - Event-driven network library for multi-threaded Linux server in C++11.
-
Supervisor - A client/server system that allows its users to control a number of processes on UNIX-like operating systems.
-
Pexpect - A Python module for controlling interactive programs in a pseudo-terminal.
-
Plumbum - A small yet feature-rich library for shell script-like programs in Python.
-
Greenlets - Lightweight in-process concurrent programming.
-
AnyIO - High level asynchronous concurrency and networking framework that works on top of either trio or asyncio.
-
gevent - Coroutine-based concurrency library for Python.
-
CTPL (not actively updated) - Modern and efficient C++ Thread Pool Library.
-
ThreadPool (not actively updated) - A simple C++11 Thread Pool implementation.
-
PySnooper - Never use print for debugging again.
-
py-spy - A sampling profiler for Python programs.
-
Scalene - A high-performance, high-precision CPU, GPU, and memory profiler for Python.
-
Pyroscope - Pyroscope is an open source continuous profiling platform.
-
pyinstrument - Call stack profiler for Python.
-
vprof - A Python package providing rich and interactive visualizations for various Python program characteristics such as running time and memory usage.
-
GPUtil - A Python module for getting the GPU status from NVIDA GPUs using nvidia-smi programmically in Python.
-
Wily - A Python application for tracking, reporting on timing and complexity in Python code.
-
Radon - Various code metrics for Python code.
-
ps_mem - A utility to accurately report the in core memory usage for a program.
-
x64dbg - An open-source x64/x32 debugger for windows.
-
ORBIT - A standalone C/C++ profiler for Windows and Linux.
-
BCC - Tools for BPF-based Linux IO analysis, networking, monitoring, and more.
-
osquery - SQL powered operating system instrumentation, monitoring, and analytics.
-
Tracy - A real time, nanosecond resolution, remote telemetry, hybrid frame and sampling profiler for games and other applications.
-
Coz - Finding Code that Counts with Causal Profiling.
-
timemory - Modular C++ Toolkit for Performance Analysis and Logging. Profiling API and Tools for C, C++, CUDA, Fortran, and Python.
-
gputop (not actively updated) - A GPU profiling tool.
-
gops - A tool to list and diagnose Go processes currently running on your system.
-
pprof - A tool for visualization and analysis of profiling data.
-
JD-GUI (not actively updated) - A standalone Java Decompiler GUI.
-
Redis - An in-memory database that persists on disk.
-
Related projects:
- redis-py - Redis Python client
- Node-Redis - Redis Node.js client
- Jedis - Redis Java client
-
-
MongoDB - The MongoDB Database.
-
Related projects:
- PyMongo - The Python driver for MongoDB
- MongoDB Go Driver - The Go driver for MongoDB
- MongoDB NodeJS Driver - The Node.js driver for MongoDB
- MongoDB C# Driver - The .NET driver for MongoDB
- MongoEngine - A Python Object-Document-Mapper for working with MongoDB
- Motor - The async Python driver for MongoDB and Tornado or asyncio
-
-
Apache Spark - A unified analytics engine for large-scale data processing.
-
Presto - A distributed SQL query engine for big data.
-
Google Cloud Python Client - Google Cloud Client Library for Python.
-
Elasticsearch - Free and Open, Distributed, RESTful Search Engine.
-
Related projects:
- Kibana - A browser-based analytics and search dashboard for Elasticsearch
- Logstash - Transport and process your logs, events, or other data
- Beats - Lightweight shippers for Elasticsearch & Logstash
- Elastic UI Framework - A collection of React UI components for quickly building user interfaces at Elastic
- Elasticsearch Python Client - Official Elasticsearch client library for Python
- Elasticsearch DSL - High level Python client for Elasticsearch
- Elasticsearch Node.js client - Official Elasticsearch client library for Node.js
- Elasticsearch PHP client - Official PHP client for Elasticsearch
- go-elasticsearch - The official Go client for Elasticsearch
-
-
SQLAlchemy - The Python SQL Toolkit and Object Relational Mapper.
-
Apache Libcloud - A Python library which hides differences between different cloud provider APIs and allows you to manage different cloud resources through a unified and easy to use API.
-
Grafana - The open and composable observability and data visualization platform. Visualize metrics, logs, and traces from multiple sources like Prometheus, Loki, Elasticsearch, InfluxDB, Postgres and many more.
-
Joblib Apache Spark Backend - Provides Apache Spark backend for joblib to distribute tasks on a Spark cluster.
-
PyMySQL - Pure Python MySQL Client.
-
Related projects:
- mysqlclient - MySQL database connector for Python
-
-
Redigo - Go client for Redis.
-
Dgraph - Native GraphQL Database with graph backend.
-
Tortoise ORM - Familiar asyncio ORM for python, built with relations in mind.
-
Ibis - Expressive analytics in Python at any scale.
-
peewee - A small, expressive orm -- supports postgresql, mysql and sqlite.
-
DB4S - DB Browser for SQLite (DB4S) is a high quality, visual, open source tool to create, design, and edit database files compatible with SQLite.
-
TinyDB - A lightweight document oriented database written in pure Python and has no external dependencies.
-
MyCAT - An enforced database which is a replacement for MySQL and supports transaction and ACID.
-
Pony - An advanced object-relational mapper.
-
dataset - Easy-to-use data handling for SQL data stores with support for implicit table creation, bulk loading, and transactions.
-
Dagster - An orchestration platform for the development, production, and observation of data assets.
-
Great Expectations - Helps data teams eliminate pipeline debt, through data testing, documentation, and profiling.
-
dbt - Enables data analysts and engineers to transform their data using the same practices that software engineers use to build applications.
-
Metabase - The simplest, fastest way to get business intelligence and analytics to everyone in your company.
-
Ploomber - The fastest way to build data pipelines.
-
PyHive - Python interface to Hive and Presto.
-
Pypeln - A simple yet powerful Python library for creating concurrent data pipelines.
-
petl - A general purpose Python package for extracting, transforming and loading tables of data.
-
PySyft - Data science on data without acquiring a copy.
-
Apache Beam - A unified programming model for Batch and Streaming data processing.
-
Apache Kafka - Mirror of Apache Kafka.
-
Apache Flink - An open source stream processing framework with powerful stream- and batch-processing capabilities.
-
kafka-python - Python client for Apache Kafka.
-
confluent-kafka-python - Confluent's Kafka Python Client.
-
Perspective - A data visualization and analytics component, especially well-suited for large and/or streaming datasets.
-
Deep Lake - Data Lake for Deep Learning. Build, manage, query, version, & visualize datasets. Stream data real-time to PyTorch/TensorFlow.
-
Streamparse - Lets you run Python code against real-time streams of data via Apache Storm.
-
StreamAlert - A serverless, realtime data analysis framework which empowers you to ingest, analyze, and alert on data from any environment, using datasources and alerting logic you define.
-
Prometheus - The Prometheus monitoring system and time series database.
-
Related projects:
- Prometheus Python Client - Prometheus instrumentation library for Python applications
-
-
protobuf - Google's language-neutral, platform-neutral, extensible mechanism for serializing structured data.
-
FlatBuffers - A cross platform serialization library architected for maximum memory efficiency.
-
Imageio - Python library for reading and writing image data.
-
Wand - The ctypes-based simple ImageMagick binding for Python.
-
VidGear - A High-performance cross-platform Video Processing Python framework powerpacked with unique trailblazing features.
-
marshmallow - A lightweight library for converting complex objects to and from simple Python datatypes.
-
cloudpickle - Extended pickling support for Python objects.
-
dill - Extends python's pickle module for serializing and de-serializing python objects to the majority of the built-in python types.
-
UltraJSON - Ultra fast JSON decoder and encoder written in C with Python bindings.
-
orjson - Fast, correct Python JSON library supporting dataclasses, datetimes, and numpy
-
simplejson - A simple, fast, extensible JSON encoder/decoder for Python.
-
jsonschema - An implementation of the JSON Schema specification for Python.
-
jsonpickle - Python library for serializing any arbitrary object graph into JSON.
-
MessagePack - An efficient binary serialization format. It lets you exchange data among multiple languages like JSON.
-
PyYAML - Canonical source repository for PyYAML.
-
StrictYAML - Type-safe YAML parser and validator.
-
xmltodict - Python module that makes working with XML feel like you are working with JSON.
-
csvkit - A suite of utilities for converting to and working with CSV, the king of tabular file formats.
-
Tablib - Python Module for Tabular Datasets in XLS, CSV, JSON, YAML, &c.
-
HDF5 for Python - The h5py package is a Pythonic interface to the HDF5 binary data format.
-
smart_open - Utils for streaming large files (S3, HDFS, gzip, bz2...).
-
validators - Python Data Validation for Humans.
-
Arrow - A Python library that offers a sensible and human-friendly approach to creating, manipulating, formatting and converting dates, times and timestamps.
-
Pendulum - Python datetimes made easy.
-
dateutil - The dateutil module provides powerful extensions to the standard datetime module, available in Python.
-
dateparser - Python parser for human readable dates.
-
Watchdog - Python library and shell utilities to monitor filesystem events.
-
uvloop - A fast, drop-in replacement of the built-in asyncio event loop.
-
aiofiles - An Apache2 licensed library, written in Python, for handling local disk files in asyncio applications.
-
PyFilesystem2 - Python's Filesystem abstraction layer.
-
path - Object-oriented file system path manipulation.
-
phonenumbers Python Library - Python port of Google's libphonenumber.
-
Chardet - Python character encoding detector.
-
Python Slugify - A Python slugify application that handles unicode.
-
humanize - Contains various common humanization utilities, like turning a number into a fuzzy human-readable duration ("3 minutes ago") or into a human-readable size or throughput.
-
XlsxWriter - A Python module for creating Excel XLSX files.
-
xlwings - A Python library that makes it easy to call Python from Excel and vice versa.
-
pygsheets - Google Spreadsheets Python API v4
-
gdown - Download a large file from Google Drive.
-
schema (not actively updated) - A library for validating Python data structures.
-
glog - C++ implementation of the Google logging module.
-
FFmpeg - A collection of libraries and tools to process multimedia content such as audio, video, subtitles and related metadata.
-
LAV Filters - Open-Source DirectShow Media Splitter and Decoders.
-
OpenEXR - Provides the specification and reference implementation of the EXR file format, the professional-grade image storage format of the motion picture industry.
-
spdlog - Fast C++ logging library.
-
glogg (not actively updated) - A fast, advanced log explorer.
-
json-iterator/go - A high-performance 100% compatible drop-in replacement of "encoding/json"
-
json-to-go - Translates JSON into a Go type in your browser instantly (original).
-
fastjson - A Java library that can be used to convert Java Objects into their JSON representation.
-
jackson-core - Core part of Jackson that defines Streaming API as well as basic shared abstractions.
-
Okio - A modern I/O library for Android, Java, and Kotlin Multiplatform.
-
Vulhub - Pre-Built Vulnerable Environments Based on Docker-Compose.
-
hackingtool - ALL IN ONE Hacking Tool For Hackers.
-
sqlmap - Automatic SQL injection and database takeover tool.
-
detect-secrets - An enterprise friendly way of detecting and preventing secrets in code.
-
Safety - Safety checks Python dependencies for known security vulnerabilities and suggests the proper remediations for vulnerabilities detected.
-
Bandit - A tool designed to find common security issues in Python code.
-
Mattermost - An open source platform for secure collaboration across the entire software development lifecycle.
-
Conda - OS-agnostic, system-level binary package manager and ecosystem.
-
mamba - The Fast Cross-Platform Package Manager.
-
pip - The Python package installer.
-
Poetry - Python packaging and dependency management made easy.
-
pipx - Install and Run Python Applications in Isolated Environments.
-
PDM - A modern Python package and dependency manager supporting the latest PEP standards.
-
pip-tools - A set of tools to keep your pinned Python dependencies fresh.
-
pipreqs (not actively updated) - Generate pip requirements.txt file based on imports of any project.
- Vcpkg - C++ Library Manager for Windows, Linux, and MacOS.
- Coursier - Pure Scala Artifact Fetching.
-
NVM for Windows - A node.js version management utility for Windows. Ironically written in Go.
-
cnpm - npm client for China mirror of npm
-
Linguist - This library is used on GitHub.com to detect blob languages, ignore binary or vendored files, suppress generated files in diffs, and generate language breakdown graphs.
-
cloc - Counts blank lines, comment lines, and physical lines of source code in many programming languages.
-
ShellCheck - A static analysis tool for shell scripts.
-
Cosmos - Cosmos is your personal offline collection of every algorithm and data structure one will ever encounter and use in a lifetime.
-
DevDocs - API Documentation Browser.
-
The Silver Searcher (not actively updated) - A code-searching tool similar to ack, but faster.
-
CPython - The Python programming language.
-
manylinux - Python wheels that work on any linux (almost).
-
pytest - The pytest framework makes it easy to write small tests, yet scales to support complex functional testing.
-
tqdm - A Fast, Extensible Progress Bar for Python and CLI.
-
transitions - A lightweight, object-oriented finite state machine implementation in Python with many extensions.
-
MicroPython - A lean and efficient Python implementation for microcontrollers and constrained systems.
-
Pyston - A faster and highly-compatible implementation of the Python programming language.
-
attrs - Python Classes Without Boilerplate.
-
Boltons - A set of over 230 BSD-licensed, pure-Python utilities in the same spirit as — and yet conspicuously missing from — the standard library.
-
GRequests - Allows you to use Requests with Gevent to make asynchronous HTTP Requests easily.
-
cachetools - Provides various memoizing collections and decorators, including variants of the Python Standard Library's @lru_cache function decorator.
-
More Itertools - More routines for operating on iterables, beyond itertools.
-
Toolz - A set of utility functions for iterators, functions, and dictionaries.
-
Funcy - A collection of fancy functional tools focused on practicality.
-
Dependency Injector - A dependency injection framework for Python.
-
Tenacity - An Apache 2.0 licensed general-purpose retrying library, written in Python, to simplify the task of adding retry behavior to just about anything.
-
returns - Make your functions return something meaningful, typed, and safe.
-
wrapt - A Python module for decorators, wrappers and monkey patching.
-
Mypy - A static type checker for Python.
-
Pyright - A fast type checker meant for large Python source bases.
-
pytype - A static type analyzer for Python code.
-
Jedi - Awesome autocompletion, static analysis and refactoring library for python.
-
Beartype - Unbearably fast near-real-time runtime type-checking in pure Python.
-
Flake8 - A python tool that glues together pycodestyle, pyflakes, mccabe, and third-party plugins to check the style and quality of some python code.
-
Related projects:
- wemake-python-styleguide - The strictest and most opinionated python linter ever.
-
-
Pylint - A static code analyser for Python 2 or 3.
-
isort - A Python utility / library to sort imports alphabetically, and automatically separated into sections and by type.
-
prospector - Inspects Python source files and provides information about type and location of classes, methods etc.
-
Pyre - Performant type-checking for python.
-
YAPF - A formatter for Python files.
-
Black - The uncompromising Python code formatter.
-
autopep8 - A tool that automatically formats Python code to conform to the PEP 8 style guide.
-
rope - A python refactoring library.
-
pyupgrade - A tool (and pre-commit hook) to automatically upgrade syntax for newer versions of the language.
-
Vulture - Finds unused code in Python programs.
-
algorithms - Minimal examples of data structures and algorithms in Python.
-
DeepDiff - Deep Difference and search of any Python object/data.
-
Pygments - A generic syntax highlighter written in Python.
-
pybind11 - Seamless operability between C++11 and Python.
-
cppimport - Import C++ files directly from Python.
-
jupyter_contrib_nbextensions - A collection of various notebook extensions for Jupyter.
-
Folly - An open-source C++ library developed and used at Facebook.
-
gflags - Contains a C++ library that implements commandline flags processing. It includes built-in support for standard types such as string and the ability to define flags in the source file in which they are used.
-
GoogleTest - Google Testing and Mocking Framework.
-
Catch2 - A modern, C++-native, test framework for unit-tests, TDD and BDD - using C++14, C++17 and later (C++11 support is in v2.x branch, and C++03 on the Catch1.x branch).
-
Ninja - A small build system with a focus on speed.
-
Coost - A tiny boost library in C++11.
-
AsmJit - A lightweight library for machine code generation written in C++ language.
-
fmt - A modern formatting library.
-
gperftools - a collection of a high-performance multi-threaded malloc() implementation, plus some pretty nifty performance analysis tools.
-
jemalloc - A general purpose malloc(3) implementation that emphasizes fragmentation avoidance and scalable concurrency support.
-
libhv - A c/c++ network library for developing TCP/UDP/SSL/HTTP/WebSocket/MQTT client/server.
-
cpp-sort - Sorting algorithms & related tools for C++14.
-
SimpleGPUHashTable - A simple GPU hash table implemented in CUDA using lock free techniques.
-
PJON - An experimental, arduino-compatible, multi-master, multi-media network protocol.
-
cppman - C++ 98/11/14 manual pages for Linux/MacOS.
-
cpp-docs - Visual Studio documentation for Microsoft C++.
-
vscode-leetcode - Solve LeetCode problems in VS Code.
-
Nano (not actively updated) - High-performance C++ for macOS, iOS, tvOS, Android, Linux, and Windows.
-
leetcode-cli (not actively updated) - A cli tool to enjoy leetcode.
-
Realize - Golang Task Runner which enhance your workflow by automating the most common tasks and using the best performing Golang live reloading.
-
GCache - An in-memory cache library for golang. It supports multiple eviction policies: LRU, LFU, ARC.
-
Gonum - A set of numeric libraries for the Go programming language. It contains libraries for matrices, statistics, optimization, and more.
-
sh - A shell parser, formatter, and interpreter with bash support; includes shfmt.
-
gotests - Automatically generate Go test boilerplate from your source code.
-
goproxy - A global proxy for Go modules.
-
go-echarts - The adorable charts library for Golang.
-
revive - ~6x faster, stricter, configurable, extensible, and beautiful drop-in replacement for golint.
-
depth - Visualize Go Dependency Trees.
-
gophernotes - The Go kernel for Jupyter notebooks and nteract.
-
JavaCPP - The missing bridge between Java and native C++.
-
OkHttp - Square’s meticulous HTTP client for the JVM, Android, and GraalVM.
-
Ammonite - Scala Scripting.
-
ammonite-spark - Run spark calculations from Ammonite.
-
almond - A Scala kernel for Jupyter.
-
OS-Lib - A simple, flexible, high-performance Scala interface to common OS filesystem and subprocess APIs.
- nan - Native Abstractions for Node.js
-
developer-roadmap - Interactive roadmaps, guides and other educational content to help developers grow in their careers.
-
freeCodeCamp.org - freeCodeCamp.org's open-source codebase and curriculum. Learn to code for free.
-
Coding Interview University - A complete computer science study plan to become a software engineer.
-
kdn251/interviews - Your personal guide to Software Engineering technical interviews.
-
free-programming-books - Freely available programming books.
-
build-your-own-x - Master programming by recreating your favorite technologies from scratch.
-
iHateRegex - The code for iHateregex.io - The Regex Cheat Sheet
-
The System Design Primer - Learn how to design large-scale systems. Prep for the system design interview. Includes Anki flashcards.
-
Algorithm Visualizer - Interactive Online Platform that Visualizes Algorithms from Code
-
CMake Examples - Useful CMake Examples.
-
SoftwareArchitect - Path to a Software Architect.
-
andkret/Cookbook - The Data Engineering Cookbook.
-
servehappy-resources - Third-party articles and specific tutorials on PHP upgrades.
-
Java and Spring Tutorials - A collection of small and focused tutorials - each covering a single and well defined area of development in the Java ecosystem.
-
gitignore - A collection of useful .gitignore templates.
-
God-Of-BigData - 专注大数据学习面试,大数据成神之路开启。Flink/Spark/Hadoop/Hbase/Hive...
-
CS-Notes - 技术面试必备基础知识、Leetcode、计算机操作系统、计算机网络、系统设计
-
LeetCodeAnimation - 用动画的形式呈现解LeetCode题目的思路
-
fucking-algorithm - labuladong 的算法小抄。
-
JS-Sorting-Algorithm - 一本关于排序算法的 GitBook 在线书籍 《十大经典排序算法》,多语言实现。
-
apachecn-algo-zh - ApacheCN 数据结构与算法译文集
-
rust-based-os-comp2022 - 2022开源操作系统训练营。
-
free-programming-books-zh_CN - 免费的计算机编程类中文书籍
-
technical-books - 国内外互联网技术大牛们都写了哪些书籍:计算机基础、网络、前端、后端、数据库、架构、大数据、深度学习。
-
Learn-Git-in-30-days - 30 天精通 Git 版本控管
-
BAT_interviews - 分享最新BAT面试题(包含机器学习,Linux,PHP,大数据,Python,Java,前端...)
-
helloworld (not actively updated) - Helloworld programs in different languages.
-
500 Lines or Less (not actively updated) - This is the source for the book 500 Lines or Less, the fourth in the Architecture of Open Source Applications series.
-
Simple Computer (not actively updated) - the scott CPU from "But How Do It Know?" by J. Clark Scott
-
How-to-Make-a-Computer-Operating-System (not actively updated) - How to Make a Computer Operating System in C++.
-
phodal/github (not actively updated) - GitHub 漫游指南
-
fullstack-data-engineer (not actively updated) - 全栈数据工程师养成攻略
-
Micro8 (not actively updated) - 渗透攻击教程
-
30 Days Of Python - A step-by-step guide to learn the Python programming language in 30 days.
-
numpy-100 - 100 numpy exercises (with solutions).
-
python-patterns - A collection of design patterns/idioms in Python.
-
python_example - Example pybind11 module built with a Python-based build system.
-
pbpython - Code, Notebooks and Examples from Practical Business Python.
-
Python-100-Days - Python - 100天从新手到大师
-
walter201230/Python - 最良心的 Python 教程
-
tech-cow/leetcode (not actively updated) - leetcode solutions for Humans.
-
qiwsir/algorithm (not actively updated) - Python算法题解
-
AlgorithmsByPython (not actively updated) - 算法/数据结构/Python/剑指offer/机器学习/leetcode
-
C++ Core Guidelines - A set of tried-and-true guidelines, rules, and best practices about coding in C++.
-
Modern C++ Tutorial - Modern C++ Tutorial: C++11/14/17/20 On the Fly.
-
modern-cpp-features - A cheatsheet of modern C++ language and library features.
-
design-patterns-cpp - C++ Design Patterns.
-
haoel/leetcode - LeetCode Problems' Solutions.
-
pezy/LeetCode - LeetCode solutions in C++ 11 and Python3.
-
CPlusPlusThings - 《C++ 那些事》。
-
huihut/interview - C/C++ 技术面试基础知识总结,包括语言、程序库、数据结构、算法、系统、网络、链接装载库等知识及面试经验、招聘、内推等信息。
-
flash-linux0.11-talk - 像小说一样品读 Linux 0.11 核心代码。
-
Cplusplus-Concurrency-In-Practice (not actively updated) - C++ 并发编程指南
-
SGI-STL (not actively updated) - SGI-STL V3.3 源代码的学习
-
the-way-to-go_ZH_CN - 《The Way to Go》中文译本,中文正式名《Go 入门指南》
-
GoGuide - 一份涵盖大部分 Golang 程序员所需要掌握的核心知识,拥有 Go语言教程、Go开源书籍、Go语言入门教程、Go语言学习路线。
-
JavaGuide - 「Java学习+面试指南」一份涵盖大部分 Java 程序员所需要掌握的核心知识。
-
hello-algorithm - 针对小白的算法训练,包括四部分:大厂面经,力扣图解,千本开源电子书,百张技术思维导图。
- spark-scala-examples - Provides Apache Spark SQL, RDD, DataFrame and Dataset examples in Scala language.
-
FlutterExampleApps - Basic Flutter apps, for flutter devs.
-
awesome-flutter - An awesome list that curates the best Flutter libraries, tools, tutorials, articles and more.
- You Don't Know JS Yet - A book series on JavaScript.
-
Shields.io - Concise, consistent, and legible badges in SVG and raster format.
-
Badges 4 README.md Profile - Improve your README.md profile with these amazing badges.
-
best-resume-ever - Build fast and easy multiple beautiful resumes and create your best CV ever! Made with Vue and LESS.
-
Deedy-Resume - A one page , two asymmetric column resume template in XeTeX that caters to an undergraduate Computer Science student.
-
Public Sans - A strong, neutral, principles-driven, open source typeface for text or display.
-
paper-tips-and-tricks - Best practice and tips & tricks to write scientific papers in LaTeX, with figures generated in Python or Matlab.
-
arxiv-sanity lite - Tag arxiv papers of interest get recommendations of similar papers in a nice UI using SVMs over tfidf feature vectors based on paper abstracts.
-
arXiv LaTeX Cleaner - Easily clean the LaTeX code of your paper to submit to arXiv.
-
Conference-Acceptance-Rate - Acceptance rates for the major AI conferences.
-
CODELF - A search tool helps dev to solve the naming things problem.
-
Apollo-11 - Original Apollo 11 Guidance Computer (AGC) source code for the command and lunar modules.
-
ChromeAppHeroes - 谷粒-Chrome插件英雄榜, 为优秀的Chrome插件写一本中文说明书, 让Chrome插件英雄们造福人类
-
Awesome Resume for Chinese - 适合中文的简历模板收集(LaTeX,HTML/JS and so on)
-
code6 - 码小六 - GitHub 代码泄露监控系统
-
howto-make-more-money - 程序员如何优雅的挣零花钱,2.0版
-
USTC-Course - 中国科学技术大学课程资源
-
FLY_US - 美国大学备考资料
-
996.ICU - 996加班的公司名单
-
955.WLB - 955不加班的公司名单
-
Badges (not actively updated) - A collection of all JavaScript related and free for open-source readme badges out there.
-
Github Monitor (not actively updated) - Github信息泄漏监控系统
-
Scroll-Reverser - Reverses the direction of macOS scrolling, with independent settings for trackpads and mice.
-
Hex Fiend - A fast and clever hex editor for macOS.
-
iterm2-zmodem - 在 Mac 下,实现与服务器进行便捷的文件上传和下载操作。
-
winget - Windows Package Manager Client.
-
Scoop - A command-line installer for Windows.
-
Windows Terminal - The new Windows Terminal and the original Windows console host, all in the same place!
-
Windows Calculator - A simple yet powerful calculator that ships with Windows.
-
WoeUSB - A Microsoft Windows USB installation media preparer for GNU+Linux.
-
ReShade - A generic post-processing injector for games and video software.
-
pygta5 - Explorations of Using Python to play Grand Theft Auto 5.
-
Borderless Gaming - Play your favorite games in a borderless window; no more time consuming alt-tabs.
-
Revive Compatibility Layer - Play Oculus-exclusive games on the HTC Vive or Valve Index.
-
QuickLook - Bring macOS “Quick Look” feature to Windows.
-
Debloat Windows 10 - A Collection of Scripts Which Disable / Remove Windows 10 Features and Apps.
-
CleanMyWechat - 自动删除 PC 端微信缓存数据,包括从所有聊天中自动下载的大量文件、视频、图片等数据内容,解放你的空间。
-
Watt Toolkit - 一个开源跨平台的多功能 Steam 工具箱。
-
tmux - A terminal multiplexer: it enables a number of terminals to be created, accessed, and controlled from a single screen. tmux may be detached from a screen and continue running in the background, then later reattached.
-
Proton - Compatibility tool for Steam Play based on Wine and additional components.
-
Lutris - Lutris helps you install and play video games from all eras and from most gaming systems.
-
GIT quick statistics - Git quick statistics is a simple and efficient way to access various statistics in git repository.
-
git-fame - A command-line tool that helps you summarize and pretty-print collaborators based on contributions.
-
Hercules - Gaining advanced insights from Git repository history.
-
Gitinspector - The statistical analysis tool for git repositories.
-
Persepolis (not actively updated) - A download manager & a GUI for Aria2.
-
doubi (not actively updated) - 一个逗比写的各种逗比脚本
-
Glances - A top/htop alternative for GNU/Linux, BSD, Mac OS and Windows operating systems.
-
gpustat - A simple command-line utility for querying and monitoring GPU status.
-
NVTOP - GPUs process monitoring for AMD, Intel and NVIDIA.
-
s-tui - Terminal-based CPU stress and monitoring utility.
-
Tabby - A terminal for a more modern age.
-
Oh My Zsh - A delightful community-driven (with 2,000+ contributors) framework for managing your zsh configuration.
-
oh-my-posh - A prompt theme engine for any shell.
-
PowerShell - PowerShell for every system!
-
fish - The user-friendly command line shell.
-
The Fuck - Magnificent app which corrects your previous console command.
-
Nerd Fonts - Iconic font aggregator, collection, & patcher. 3,600+ icons, 50+ patched fonts: Hack, Source Code Pro, more. Glyph collections: Font Awesome, Material Design Icons, Octicons, & more.
-
LANDrop - A cross-platform tool that you can use to conveniently transfer photos, videos, and other types of files to other devices on the same local network.
-
ImageMagick 7 - Use ImageMagick to create, edit, compose, or convert digital images.
-
MyPaint - A simple drawing and painting program that works well with Wacom-style graphics tablets.
-
LosslessCut - The swiss army knife of lossless video/audio editing.
-
LuminanceHDR - A complete workflow for HDR imaging.
-
Gifcurry - The open-source, Haskell-built video editor for GIF makers.
-
GitHub Desktop - Focus on what matters instead of fighting with Git.
-
Refined GitHub - Browser extension that simplifies the GitHub interface and adds useful features.
-
Foam - A personal knowledge management and sharing system for VSCode.
-
Notable - The Markdown-based note-taking app that doesn't suck.
-
Atom - The hackable text editor.
-
Fusuma - Makes slides with Markdown easily.
-
Kilo - A text editor in less than 1000 LOC with syntax highlight and search.
-
lint-md - 检查中文 markdown 编写格式规范的命令行工具,基于 AST,方便集成 CI,写博客 / 文档必备。支持 API 调用
-
Mailspring - A beautiful, fast and fully open source mail client for Mac, Windows and Linux.
-
Google Earth Enterprise - The open source release of Google Earth Enterprise, a geospatial application which provides the ability to build and host custom 3D globes and 2D maps.
-
carbon - Create and share beautiful images of your source code.
-
vscode-python - Python extension for Visual Studio Code.
-
vscode-cpptools - Official repository for the Microsoft C/C++ extension for VS Code.
-
code-server - VS Code in the browser.
-
Gradle - A build tool with a focus on build automation and support for multi-language development.
-
LiteIDE - A simple, open source, cross-platform Go IDE.
-
YouCompleteMe - A code-completion engine for Vim.
-
readme-md-generator - CLI that generates beautiful README.md files.
-
pdfdiff - Command-line tool to inspect the difference between (the text in) two PDF files.
-
Rufus - The Reliable USB Formatting Utility.
-
projectM - Cross-platform music visualization.
-
Syncthing - Open Source Continuous File Synchronization.
-
PCSX2 - The Playstation 2 Emulator.
-
PPSSPP - A PSP emulator for Android, Windows, Mac and Linux, written in C++.
-
PyBoy - Game Boy emulator written in Python.
-
libtorrent - An efficient feature complete C++ bittorrent implementation.
-
qBittorrent-Enhanced-Edition - [Unofficial] qBittorrent Enhanced, based on qBittorrent
-
trackerslist - Updated list of public BitTorrent trackers.
-
TrackersListCollection - A list of popular BitTorrent Trackers.
-
bittorrent-tracker - Simple, robust, BitTorrent tracker (client & server) implementation.
-
ShareX - A free and open source program that lets you capture or record any area of your screen and share it with a single press of a key.
-
Streamlabs Desktop - Free and open source streaming software built on OBS and Electron.
-
SwitchHosts - Switch hosts quickly.
-
Albert - A fast and flexible keyboard launcher.
-
Kindle_download_helper - Download all your kindle books script.
-
GitHub520 - 让你“爱”上 GitHub,解决访问时图裂、加载慢的问题。
-
Peek (not actively updated) - Simple animated GIF screen recorder with an easy to use interface.
-
GayHub (not actively updated) - An awesome chrome extension for github.
- sindresorhus/awesome - Awesome lists about all kinds of interesting topics.
-
ml-tooling/best-of-ml-python - A ranked list of awesome machine learning Python libraries.
-
josephmisiti/awesome-machine-learning - A curated list of awesome Machine Learning frameworks, libraries and software.
-
ChristosChristofidis/awesome-deep-learning - A curated list of awesome Deep Learning tutorials, projects and communities.
-
floodsung/Deep-Learning-Papers-Reading-Roadmap - Deep Learning papers reading roadmap for anyone who are eager to learn this amazing tech.
-
sbrugman/deep-learning-papers - Papers about deep learning ordered by task, date.
-
terryum/awesome-deep-learning-papers - The most cited deep learning papers.
-
aleju/papers - Summaries of machine learning papers.
-
abhshkdz/papers - Summaries of papers on deep learning.
-
RedditSota/state-of-the-art-result-for-machine-learning-problems - This repository provides state of the art (SoTA) results for all machine learning problems.
-
bharathgs/Awesome-pytorch-list - A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc.
-
jbhuang0604/awesome-computer-vision - A curated list of awesome computer vision resources.
-
xinghaochen/awesome-hand-pose-estimation - Awesome work on hand pose estimation/tracking
-
cbsudux/awesome-human-pose-estimation - A collection of awesome resources in Human Pose estimation.
-
ChaofWang/Awesome-Super-Resolution - Collect super-resolution related papers, data, repositories
-
flyywh/Image-Denoising-State-of-the-art - A curated list of image denoising resources and a benchmark for image denoising approaches.
-
wenbihan/reproducible-image-denoising-state-of-the-art - Collection of popular and reproducible image denoising works.
-
openMVG/awesome_3DReconstruction_list - A curated list of papers & resources linked to 3D reconstruction from images.
-
hindupuravinash/the-gan-zoo - A list of all named GANs.
-
savan77/The-GAN-World - Everything about Generative Adversarial Networks.
-
nashory/gans-awesome-applications - Curated list of awesome GAN applications and demo.
-
wiseodd/generative-models - Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow.
-
NVIDIAAICITYCHALLENGE/2020AICITY_Code_From_Top_Teams - The code from the top teams in the 2020 AI City Challenge
-
keon/awesome-nlp - A curated list of resources dedicated to Natural Language Processing (NLP).
-
NLP-progress - Repository to track the progress in Natural Language Processing (NLP), including the datasets and the current state-of-the-art for the most common NLP tasks.
-
niderhoff/nlp-datasets - Alphabetical list of free/public domain datasets with text data for use in Natural Language Processing (NLP).
-
wzhe06/Reco-papers - Classic papers and resources on recommendation
-
hongleizhang/RSPapers - A Curated List of Must-read Papers on Recommender System.
-
wnzhang/rtb-papers - A collection of research and survey papers of real-time bidding (RTB) based display advertising techniques.
-
wzhe06/Ad-papers - Papers on Computational Advertising.
-
rguo12/awesome-causality-algorithms - An index of algorithms for learning causality with data.
-
thunlp/GNNPapers - Must-read papers on graph neural networks (GNN).
-
thunlp/NRLPapers - Must-read papers on network representation learning (NRL) / network embedding (NE).
-
subeeshvasu/Awesome-Learning-with-Label-Noise - A curated list of resources for Learning with Noisy Labels.
-
grananqvist/Awesome-Quant-Machine-Learning-Trading - Quant/Algorithm trading resources with an emphasis on Machine Learning.
-
zhangqianhui/AdversarialNetsPapers - Awesome paper list with code about generative adversarial nets.
-
jindongwang/transferlearning - Transfer learning / domain adaptation / domain generalization / multi-task learning etc. Papers, codes, datasets, applications, tutorials.
-
zhaoxin94/awesome-domain-adaptation - A collection of AWESOME things about domian adaptation.
-
markdtw/awesome-architecture-search - A curated list of awesome architecture search resources.
-
Yochengliu/awesome-point-cloud-analysis - A list of papers and datasets about point cloud analysis (processing).
-
AgaMiko/data-augmentation-review - List of useful data augmentation resources. You will find here some not common techniques, libraries, links to GitHub repos, papers, and others.
-
academic/awesome-datascience - An awesome Data Science repository to learn and apply for real world problems.
-
r0f1/datascience - Curated list of Python resources for data science.
-
amusi/CVPR2022-Papers-with-Code - CVPR 2022 论文和开源项目合集
-
extreme-assistant/CVPR2022-Paper-Code-Interpretation - cvpr2022/cvpr2021/cvpr2020/cvpr2019/cvpr2018/cvpr2017 论文/代码/解读/直播合集,极市团队整理
-
extreme-assistant/ICCV2021-Paper-Code-Interpretation - ICCV2021/2019/2017 论文/代码/解读/直播合集,极市团队整理
-
linyiqun/DataMiningAlgorithm - 数据挖掘18大算法实现以及其他相关经典DM算法
-
waitin2010/awesome-computer-graphics - A curated list of awesome computer graphics.
-
ellisonleao/magictools - A list of Game Development resources to make magic happen.
-
ericjang/awesome-graphics - Curated list of computer graphics tutorials and resources
-
luisnts/awesome-computer-graphics - A curated list of awesome stuff to learn computer graphics
-
utilForever/game-developer-roadmap - Roadmap to becoming a game developer in 2022.
-
MunGell/awesome-for-beginners - A list of awesome beginners-friendly projects.
-
papers-we-love/papers-we-love - Papers from the computer science community to read and discuss.
-
practical-tutorials/project-based-learning - Curated list of project-based tutorials.
-
tayllan/awesome-algorithms - A curated list of awesome places to learn and/or practice algorithms.
-
sdmg15/Best-websites-a-programmer-should-visit - Some useful websites for programmers.
-
orsanawwad/awesome-roadmaps - View roadmaps about developer roles to help you learn.
-
ml-tooling/best-of-python - A ranked list of awesome Python open-source libraries and tools.
-
vinta/awesome-python - A curated list of awesome Python frameworks, libraries, software and resources.
-
lord63/awesome-python-decorator - A curated list of awesome python decorator resources.
-
fffaraz/awesome-cpp - A curated list of awesome C++ (or C) frameworks, libraries, resources, and shiny things.
-
avelino/awesome-go - A curated list of awesome Go frameworks, libraries and software.
-
onqtam/awesome-cmake - A curated list of awesome CMake resources, scripts, modules and examples.
-
dkhamsing/open-source-ios-apps - Collaborative List of Open-Source iOS Apps.
-
pcqpcq/open-source-android-apps - Open-Source Android Apps.
-
Kr1s77/awesome-python-login-model - python模拟登陆一些大型网站,还有一些简单的爬虫
-
jobbole/awesome-python-cn - Python资源大全中文版,包括:Web框架、网络爬虫、模板引擎、数据库、数据可视化、图片处理等
-
jobbole/awesome-c-cn - C 资源大全中文版,包括了:构建系统、编译器、数据库、加密、初中高的教程/指南、书籍、库等。
-
Quorafind/golang-developer-roadmap-cn - 在 2019 成为一名 Go 开发者的路线图。为学习 Go 的人而准备。
-
jobbole/awesome-java-cn - Java资源大全中文版,包括开发库、开发工具、网站、博客、微信、微博等
-
jobbole/awesome-javascript-cn - JavaScript 资源大全中文版,内容包括:包管理器、加载器、测试框架、运行器、QA、MVC框架和库、模板引擎等。