├── LICENSE ├── .gitignore ├── README.md └── README_ComputerBase.md /LICENSE: -------------------------------------------------------------------------------- 1 | BSD 2-Clause License 2 | 3 | Copyright (c) 2018, Yam 4 | All rights reserved. 5 | 6 | Redistribution and use in source and binary forms, with or without 7 | modification, are permitted provided that the following conditions are met: 8 | 9 | * Redistributions of source code must retain the above copyright notice, this 10 | list of conditions and the following disclaimer. 11 | 12 | * Redistributions in binary form must reproduce the above copyright notice, 13 | this list of conditions and the following disclaimer in the documentation 14 | and/or other materials provided with the distribution. 15 | 16 | THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" 17 | AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE 18 | IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE 19 | DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE 20 | FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL 21 | DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR 22 | SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER 23 | CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, 24 | OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE 25 | OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. 26 | -------------------------------------------------------------------------------- /.gitignore: -------------------------------------------------------------------------------- 1 | # Byte-compiled / optimized / DLL files 2 | .DS_Store 3 | __pycache__/ 4 | *.py[cod] 5 | *$py.class 6 | 7 | # C extensions 8 | *.so 9 | 10 | # Distribution / packaging 11 | .Python 12 | env/ 13 | build/ 14 | develop-eggs/ 15 | dist/ 16 | downloads/ 17 | eggs/ 18 | .eggs/ 19 | lib/ 20 | lib64/ 21 | parts/ 22 | sdist/ 23 | var/ 24 | wheels/ 25 | *.egg-info/ 26 | .installed.cfg 27 | *.egg 28 | 29 | # PyInstaller 30 | # Usually these files are written by a python script from a template 31 | # before PyInstaller builds the exe, so as to inject date/other infos into it. 32 | *.manifest 33 | *.spec 34 | 35 | # Installer logs 36 | pip-log.txt 37 | pip-delete-this-directory.txt 38 | 39 | # Unit test / coverage reports 40 | htmlcov/ 41 | .tox/ 42 | .coverage 43 | .coverage.* 44 | .cache 45 | nosetests.xml 46 | coverage.xml 47 | *.cover 48 | .hypothesis/ 49 | 50 | # Translations 51 | *.mo 52 | *.pot 53 | 54 | # Django stuff: 55 | *.log 56 | local_settings.py 57 | 58 | # Flask stuff: 59 | instance/ 60 | .webassets-cache 61 | 62 | # Scrapy stuff: 63 | .scrapy 64 | 65 | # Sphinx documentation 66 | docs/_build/ 67 | 68 | # PyBuilder 69 | target/ 70 | 71 | # Jupyter Notebook 72 | .ipynb_checkpoints 73 | 74 | # pyenv 75 | .python-version 76 | 77 | # celery beat schedule file 78 | celerybeat-schedule 79 | 80 | # SageMath parsed files 81 | *.sage.py 82 | 83 | # dotenv 84 | .env 85 | 86 | # virtualenv 87 | .venv 88 | venv/ 89 | ENV/ 90 | 91 | # Spyder project settings 92 | .spyderproject 93 | .spyproject 94 | 95 | # Rope project settings 96 | .ropeproject 97 | 98 | # mkdocs documentation 99 | /site 100 | 101 | # mypy 102 | .mypy_cache/ 103 | -------------------------------------------------------------------------------- /README.md: -------------------------------------------------------------------------------- 1 | 2 | 3 | **Table of Contents** *generated with [DocToc](https://github.com/thlorenz/doctoc)* 4 | 5 | - [Video](#video) 6 | - [LLM](#llm) 7 | - [CTG](#ctg) 8 | - [Layout](#layout) 9 | - [Sheet](#sheet) 10 | - [Agent](#agent) 11 | - [VectorSearch](#vectorsearch) 12 | - [Just Skin](#just-skin) 13 | - [Inference](#inference) 14 | - [Prompts](#prompts) 15 | - [AI](#ai) 16 | - [Format](#format) 17 | - [Inference](#inference-1) 18 | - [Deploy](#deploy) 19 | - [Demo/WebAPP](#demowebapp) 20 | - [Toolkit](#toolkit) 21 | - [Dataset](#dataset) 22 | - [DataAnnotation](#dataannotation) 23 | - [DeepLearning](#deeplearning) 24 | - [MachineLearning](#machinelearning) 25 | - [HyperOptimization](#hyperoptimization) 26 | - [TTS](#tts) 27 | 28 | 29 | 30 | > 关注AI领域值得关注的研究进展,包括视频、LLM及相关应用,以及其他AI相关。 31 | 32 | ## Agent 33 | 34 | ### Application 35 | 36 | - [awesome-deepseek-integration/README_cn.md at main · deepseek-ai/awesome-deepseek-integration](https://github.com/deepseek-ai/awesome-deepseek-integration/blob/main/README_cn.md) 37 | - [camel-ai/camel: 🐫 CAMEL: Finding the Scaling Law of Agents. The first and the best multi-agent framework. https://www.camel-ai.org](https://github.com/camel-ai/camel) 38 | - [mannaandpoem/OpenManus: No fortress, purely open ground. OpenManus is Coming.](https://github.com/mannaandpoem/OpenManus) 39 | - [browser-use/browser-use: Make websites accessible for AI agents](https://github.com/browser-use/browser-use) 40 | - [OpenInterpreter/open-interpreter: A natural language interface for computers](https://github.com/OpenInterpreter/open-interpreter) 41 | - [OpenInterpreter/01: The #1 open-source voice interface for desktop, mobile, and ESP32 chips.](https://github.com/OpenInterpreter/01) 42 | - [yuruotong1/autoMate: like manus and omniparser.AI-driven local automation assistant that uses natural language to make computers work by themselves](https://github.com/yuruotong1/autoMate/tree/master) 43 | 44 | ### Framework 45 | 46 | 重点关注MicroSoft。 47 | 48 | - [geekan/MetaGPT: 🌟 The Multi-Agent Framework: First AI Software Company, Towards Natural Language Programming](https://github.com/geekan/MetaGPT) 49 | - [microsoft/autogen: Enable Next-Gen Large Language Model Applications. Join our Discord: https://discord.gg/pAbnFJrkgZ](https://github.com/microsoft/autogen) 50 | - [langchain-ai/langgraph: Build resilient language agents as graphs.](https://github.com/langchain-ai/langgraph) 51 | - [crewAIInc/crewAI: Framework for orchestrating role-playing, autonomous AI agents. By fostering collaborative intelligence, CrewAI empowers agents to work together seamlessly, tackling complex tasks.](https://github.com/crewAIInc/crewAI) 52 | - [Significant-Gravitas/AutoGPT: AutoGPT is the vision of accessible AI for everyone, to use and to build on. Our mission is to provide the tools, so that you can focus on what matters.](https://github.com/Significant-Gravitas/AutoGPT) 53 | - [LLaVA-VL/LLaVA-Interactive-Demo: LLaVA-Interactive-Demo](https://github.com/LLaVA-VL/LLaVA-Interactive-Demo/tree/main) 54 | - [yxuansu/PandaGPT: [TLLM'23] PandaGPT: One Model To Instruction-Follow Them All](https://github.com/yxuansu/PandaGPT/tree/main) 55 | - [microsoft/semantic-kernel: Integrate cutting-edge LLM technology quickly and easily into your apps](https://github.com/microsoft/semantic-kernel/tree/main) 56 | - [visual-openllm/visual-openllm: something like visual-chatgpt, 文心一言的开源版](https://github.com/visual-openllm/visual-openllm) 57 | 58 | ### KnowldgeBase 59 | 60 | - [1Panel-dev/MaxKB: 💬 Ready-to-use & flexible RAG Chatbot, supporting mainstream large language models (LLMs) such as DeepSeek-R1, Llama 3.3, Qwen2, OpenAI and more.](https://github.com/1Panel-dev/MaxKB) 61 | - [outline/outline: The fastest knowledge base for growing teams. Beautiful, realtime collaborative, feature packed, and markdown compatible.](https://github.com/outline/outline) 62 | - [infiniflow/ragflow: RAGFlow is an open-source RAG (Retrieval-Augmented Generation) engine based on deep document understanding.](https://github.com/infiniflow/ragflow) 63 | 64 | ## Video 65 | 66 | - `OpenSource` [THUDM/CogVideo: text and image to video generation: CogVideoX (2024) and CogVideo (ICLR 2023)](https://github.com/THUDM/CogVideo) 67 | - `OpenSource` [genmo/mochi-1-preview · Hugging Face](https://huggingface.co/genmo/mochi-1-preview) 68 | - `OpenSource` [rain1011/pyramid-flow-miniflux · Hugging Face](https://huggingface.co/rain1011/pyramid-flow-miniflux) 69 | - `OpenSource` [Lightricks/LTX-Video · Hugging Face](https://huggingface.co/Lightricks/LTX-Video) 70 | - `OpenSource` [rhymes-ai/Allegro: Allegro is a powerful text-to-video model that generates high-quality videos up to 6 seconds at 15 FPS and 720p resolution from simple text input.](https://github.com/rhymes-ai/Allegro) 71 | - `OpenSource` [PKU-YuanGroup/Open-Sora-Plan: This project aim to reproduce Sora (Open AI T2V model), we wish the open source community contribute to this project.](https://github.com/PKU-YuanGroup/Open-Sora-Plan) 72 | - `OpenModel, TrainOnRoad` [TMElyralab/MuseV: MuseV: Infinite-length and High Fidelity Virtual Human Video Generation with Visual Conditioned Parallel Denoising](https://github.com/TMElyralab/MuseV) 73 | - `OpenModel` [stepfun-ai/Step-Video-T2V](https://github.com/stepfun-ai/Step-Video-T2V/tree/main) 74 | - `OpenModel` [tencent/HunyuanVideo-I2V · Hugging Face](https://huggingface.co/tencent/HunyuanVideo-I2V) 75 | - `OpenModel` [Wan-Video/Wan2.1: Wan: Open and Advanced Large-Scale Video Generative Models](https://github.com/Wan-Video/Wan2.1) 76 | 77 | ## Image 78 | 79 | - `OpenModel` [CohereForAI/aya-vision-8b · Hugging Face](https://huggingface.co/CohereForAI/aya-vision-8b) 80 | - `OpenModel, TrainOnRoad` [THUDM/CogView4-6B · Hugging Face](https://huggingface.co/THUDM/CogView4-6B) 81 | 82 | ### OCR 83 | 84 | - [Alpha-Innovator/OmniCaptioner](https://github.com/Alpha-Innovator/OmniCaptioner) 85 | - [microsoft/OmniParser: A simple screen parsing tool towards pure vision based GUI agent](https://github.com/microsoft/OmniParser) 86 | - [olmOCR: Unlocking Trillions of Tokens in PDFs with Vision Language Models](https://arxiv.org/abs/2502.18443) 87 | 88 | ## LLM 89 | 90 | ### CTG 91 | 92 | - [Saibo-creator/Awesome-LLM-Constrained-Decoding: A curated list of papers related to constrained decoding of LLM, along with their relevant code and resources.](https://github.com/Saibo-creator/Awesome-LLM-Constrained-Decoding) 93 | 94 | ### Layout 95 | 96 | - [unilm/layoutreader at master · microsoft/unilm](https://github.com/microsoft/unilm/tree/master/layoutreader) 97 | - [PaddleNLP/model_zoo/ernie-layout/README_ch.md at develop · PaddlePaddle/PaddleNLP](https://github.com/PaddlePaddle/PaddleNLP/blob/develop/model_zoo/ernie-layout/README_ch.md) 98 | - [AdvancedLiterateMachinery/Applications/DocXChain at main · AlibabaResearch/AdvancedLiterateMachinery](https://github.com/AlibabaResearch/AdvancedLiterateMachinery/tree/main/Applications/DocXChain/) 99 | 100 | ### Sheet 101 | 102 | - [gventuri/pandas-ai: PandasAI is the Python library that integrates Gen AI into pandas, making data analysis conversational](https://github.com/gventuri/pandas-ai) 103 | 104 | ### VectorSearch 105 | 106 | - [paradedb/paradedb: PostgreSQL for Search](https://github.com/paradedb/paradedb) 107 | - [facebookresearch/faiss: A library for efficient similarity search and clustering of dense vectors.](https://github.com/facebookresearch/faiss) 108 | - [milvus-io/milvus: A cloud-native vector database, storage for next generation AI applications](https://github.com/milvus-io/milvus) 109 | - [alibaba/proxima](https://github.com/alibaba/proxima) 110 | - [vearch/vearch: A distributed system for embedding-based vector retrieval](https://github.com/vearch/vearch) 111 | - [castorini/anserini: Anserini is a Lucene toolkit for reproducible information retrieval research](https://github.com/castorini/Anserini) 112 | - [google-research/scann at master · google-research/google-research](https://github.com/google-research/google-research/tree/master/scann) 113 | 114 | ### Just Skin 115 | 116 | - [terry3041/pyChatGPT: An unofficial Python wrapper for OpenAI's ChatGPT API](https://github.com/terry3041/pyChatGPT) 117 | - [acheong08/EdgeGPT: Reverse engineered API of Microsoft's Bing Chat AI](https://github.com/acheong08/EdgeGPT) 118 | - [acheong08/ChatGPT: Reverse engineered ChatGPT API](https://github.com/acheong08/ChatGPT) 119 | - [transitive-bullshit/chatgpt-api: Node.js client for the official ChatGPT API. 🔥](https://github.com/transitive-bullshit/chatgpt-api) 120 | - [terry3041/pyChatGPT: An unofficial Python wrapper for OpenAI's ChatGPT API](https://github.com/terry3041/pyChatGPT) 121 | - [Sha1rholder/use-ChatGPT-in-GFW: 在中国境内使用 OpenAI 服务的方法](https://github.com/Sha1rholder/use-ChatGPT-in-GFW#%E4%BD%BF%E7%94%A8-openai-api) 122 | - [ninja/README_zh.md at main · gngpp/ninja](https://github.com/gngpp/ninja/blob/main/README_zh.md) 123 | 124 | ### Inference 125 | 126 | - [Frameworks for Serving LLMs. A comprehensive guide into LLMs inference and serving](https://betterprogramming.pub/frameworks-for-serving-llms-60b7f7b23407) 127 | - [ggerganov/llama.cpp: Port of Facebook's LLaMA model in C/C++](https://github.com/ggerganov/llama.cpp) 128 | - [huggingface/text-generation-inference: Large Language Model Text Generation Inference](https://github.com/huggingface/text-generation-inference) 129 | - [onnxruntime/onnxruntime/python/tools/transformers/notebooks/Inference_GPT2_with_OnnxRuntime_on_CPU](https://github.com/microsoft/onnxruntime/blob/main/onnxruntime/python/tools/transformers/notebooks/Inference_GPT2_with_OnnxRuntime_on_CPU.ipynb) 130 | - [FasterTransformer/docs/gpt_guide.md at main · NVIDIA/FasterTransformer](https://github.com/NVIDIA/FasterTransformer/blob/main/docs/gpt_guide.md) 131 | - [OpenNMT/CTranslate2: Fast inference engine for Transformer models](https://github.com/OpenNMT/CTranslate2) 132 | - [mlc-ai/mlc-llm: Enable everyone to develop, optimize and deploy AI models natively on everyone's devices.](https://github.com/mlc-ai/mlc-llm) 133 | - [vllm-project/vllm: A high-throughput and memory-efficient inference and serving engine for LLMs](https://github.com/vllm-project/vllm) 134 | - [sonos/tract: Tiny, no-nonsense, self-contained, Tensorflow and ONNX inference](https://github.com/sonos/tract) 135 | - [rustformers/llm: An ecosystem of Rust libraries for working with large language models](https://github.com/rustformers/llm) 136 | - [bentoml/OpenLLM: Operating LLMs in production](https://github.com/bentoml/OpenLLM) 137 | - [huggingface/candle: Minimalist ML framework for Rust](https://github.com/huggingface/candle) 138 | - [tairov/llama2.mojo: Inference Llama 2 in one file of pure 🔥](https://github.com/tairov/llama2.mojo) 139 | 140 | ### Prompts 141 | 142 | - [f/awesome-chatgpt-prompts: This repo includes ChatGPT prompt curation to use ChatGPT better.](https://github.com/f/awesome-chatgpt-prompts) 143 | - [dair-ai/Prompt-Engineering-Guide: 🐙 Guides, papers, lecture, notebooks and resources for prompt engineering](https://github.com/dair-ai/Prompt-Engineering-Guide) 144 | 145 | ### Parser 146 | 147 | - [opendatalab/MinerU: A high-quality tool for convert PDF to Markdown and JSON.一站式开源高质量数据提取工具,将PDF转换成Markdown和JSON格式。](https://github.com/opendatalab/MinerU) 148 | 149 | ## AI 150 | 151 | ### Format 152 | 153 | - [onnx/onnx: Open standard for machine learning interoperability](https://github.com/onnx/onnx) 154 | - [huggingface/safetensors: Simple, safe way to store and distribute tensors](https://github.com/huggingface/safetensors) 155 | - [openai/triton: Development repository for the Triton language and compiler](https://github.com/openai/triton) 156 | 157 | ### Inference 158 | 159 | - [microsoft/onnxruntime: ONNX Runtime: cross-platform, high performance ML inferencing and training accelerator](https://github.com/microsoft/onnxruntime) 160 | - [NVIDIA/TensorRT: NVIDIA® TensorRT™, an SDK for high-performance deep learning inference, includes a deep learning inference optimizer and runtime that delivers low latency and high throughput for inference applications.](https://github.com/NVIDIA/TensorRT) 161 | - [openvinotoolkit/openvino: OpenVINO™ is an open-source toolkit for optimizing and deploying AI inference](https://github.com/openvinotoolkit/openvino) 162 | - [triton-inference-server/server: The Triton Inference Server provides an optimized cloud and edge inferencing solution.](https://github.com/triton-inference-server/server) 163 | - [KomputeProject/kompute: General purpose GPU compute framework built on Vulkan to support 1000s of cross vendor graphics cards (AMD, Qualcomm, NVIDIA & friends). Blazing fast, mobile-enabled, asynchronous and optimized for advanced GPU data processing usecases. Backed by the Linux Foundation.](https://github.com/KomputeProject/kompute) 164 | - [Adlik/Adlik: Adlik: Toolkit for Accelerating Deep Learning Inference](https://github.com/Adlik/Adlik) 165 | 166 | ### Deploy 167 | 168 | - [tensorflow/serving](https://github.com/tensorflow/serving) 169 | - [pytorch/serve: Model Serving on PyTorch](https://github.com/pytorch/serve) 170 | - [TFX: End-to-End Platform for Deploying Production ML Pipelines](https://github.com/tensorflow/tfx) 171 | - [Kubeflow](https://www.kubeflow.org/) 172 | - [mvitez/thnets: Basic library that can run networks created with Torch](https://github.com/mvitez/thnets) 173 | - [Serving Trained Model (aka Model API) - FloydHub Documentation](https://docs.floydhub.com/guides/serving/) 174 | - [ahkarami/Deep-Learning-in-Production](https://github.com/ahkarami/Deep-Learning-in-Production) 175 | - [hyperonym/basaran: Basaran is an open-source alternative to the OpenAI text completion API. It provides a compatible streaming API for your Hugging Face Transformers-based text generation models.](https://github.com/hyperonym/basaran) 176 | 177 | ### Demo/WebAPP 178 | 179 | - [holoviz/panel: Panel: The powerful data exploration & web app framework for Python](https://github.com/holoviz/panel) 180 | - [rawpython/remi: Python REMote Interface library. Platform independent. In about 100 Kbytes, perfect for your diet.](https://github.com/rawpython/remi) 181 | - [PySimpleGUI](https://www.pysimplegui.org/en/latest/) 182 | - [pywebio/PyWebIO: Write interactive web app in script way.](https://github.com/pywebio/PyWebIO) 183 | - [streamlit/streamlit: Streamlit — A faster way to build and share data apps.](https://github.com/streamlit/streamlit) 184 | - [gradio-app/gradio: Build and share delightful machine learning apps, all in Python. 🌟 Star to support our work!](https://github.com/gradio-app/gradio) 185 | 186 | ### Toolkit 187 | 188 | - [microsoft/hummingbird: Hummingbird compiles trained ML models into tensor computation for faster inference.](https://github.com/microsoft/hummingbird) 189 | - [PyTorchLightning/pytorch-lightning: The lightweight PyTorch wrapper for high-performance AI research. Scale your models, not the boilerplate.](https://github.com/PyTorchLightning/PyTorch-lightning) 190 | - [Deepfakes](https://github.com/deepfakes/faceswap) 191 | - [DeepFaceLab](https://github.com/iperov/DeepFaceLab) 192 | - [Music Generation](https://github.com/salu133445/musegan) 193 | - [AI_Composer](https://github.com/llSourcell/AI_Composer) 194 | - [ChatterBot](https://github.com/gunthercox/ChatterBot) 195 | - [ChatterBot](https://github.com/Decalogue/chat) 196 | - [GPT2 for Chinese Chitchat](https://github.com/yangjianxin1/GPT2-chitchat) 197 | - [FaceBook Detectron2: object detection and segmentation.](https://github.com/facebookresearch/detectron2) 198 | - [Open MMLab Detection Toolbox and Benchmark](https://github.com/open-mmlab/mmdetection) 199 | - [Open MMLab Computer Vision Foundation](https://github.com/open-mmlab/mmcv) 200 | - [esdalmaijer/PyGaze: eye tracking experiments](https://github.com/esdalmaijer/PyGaze) 201 | - [atulapra/Emotion-detection](https://github.com/atulapra/Emotion-detection) 202 | - [ Multi-Person Pose Estimation&Tracking System](https://github.com/MVIG-SJTU/AlphaPose) 203 | - [facebookresearch/dlrm: recommendation](https://github.com/facebookresearch/dlrm) 204 | - [Jupyter Tutorial — Jupyter Tutorial 0.8.0](https://jupyter-tutorial.readthedocs.io/en/latest/) 205 | 206 | ### Dataset 207 | 208 | - [Dataset Search](https://datasetsearch.research.google.com/) 209 | - [Hugging Face – The AI community building the future.](https://huggingface.co/datasets) 210 | - [Find Open Datasets and Machine Learning Projects | Kaggle](https://www.kaggle.com/datasets) 211 | - [Machine Learning Datasets | Papers With Code](https://www.paperswithcode.com/datasets) 212 | - [Datasets](https://www.reddit.com/r/datasets/) 213 | - [中文NLP数据集](https://www.cluebenchmarks.com/dataSet_search.html) 214 | - [Dataset list - A list of the biggest machine learning datasets](https://www.datasetlist.com/) 215 | - [awesomedata/awesome-public-datasets: A topic-centric list of HQ open datasets.](https://github.com/awesomedata/awesome-public-datasets) 216 | - [Data Is Plural](https://www.data-is-plural.com/) 217 | - [OpenML](https://www.openml.org/search?type=data) 218 | - [InsaneLife/ChineseNLPCorpus: 中文自然语言处理数据集,平时做做实验的材料。欢迎补充提交合并。](https://github.com/InsaneLife/ChineseNLPCorpus) 219 | 220 | ### DataAnnotation 221 | 222 | - [opencv/cvat: Computer Vision Annotation Tool](https://github.com/opencv/cvat) 223 | - [wkentaro/labelme: Image Polygonal Annotation with Python (polygon, rectangle, circle, line, point and image-level flag annotation).](https://github.com/wkentaro/labelme) 224 | - [generating training data with weak supervision](https://github.com/snorkel-team/snorkel) 225 | - [make basic image processing operations](https://github.com/jrosebr1/imutils) 226 | - [nlplab/brat: textual annotation](https://github.com/nlplab/brat) 227 | - [doccano/doccano: Open source annotation tool for machine learning practitioners.](https://github.com/doccano/doccano) 228 | - [Overview - CoreNLP](https://stanfordnlp.github.io/CoreNLP/) 229 | - [HumanSignal/awesome-data-labeling: A curated list of awesome data labeling tools](https://github.com/HumanSignal/awesome-data-labeling) 230 | 231 | ### DeepLearning 232 | 233 | - [fast.ai · Making neural nets uncool again](https://www.fast.ai/) 234 | - [TensorFlow](https://www.tensorflow.org/tutorials) 235 | - [Tensorflow Models](https://github.com/tensorflow/models) 236 | - [DeepLearning Papers](https://github.com/floodsung/Deep-Learning-Papers-Reading-Roadmap) 237 | - [Awesome-Deep-learning-papers](https://github.com/terryum/awesome-deep-learning-papers) 238 | - [D2L ZH](https://github.com/d2l-ai/d2l-zh) 239 | - [D2L EN](https://github.com/d2l-ai/d2l-en) 240 | - [pytorch/tutorials: PyTorch tutorials.](https://github.com/pytorch/tutorials) 241 | - [Pytorch Examples](https://github.com/pytorch/examples) 242 | - [Tutorials | TensorFlow Core](https://www.tensorflow.org/tutorials) 243 | - [简单粗暴 TensorFlow 2 | A Concise Handbook of TensorFlow 2 — 简单粗暴 TensorFlow 2 0.4 beta 文档](https://tf.wiki/zh_hans/) 244 | - [TensorFlow-Examples](https://github.com/aymericdamien/TensorFlow-Examples) 245 | - [microsoft: NLP Best Practices & Examples](https://github.com/microsoft/nlp-recipes) 246 | - [DeepLearning Projects](https://github.com/aymericdamien/TopDeepLearning) 247 | - [Ttensorflow_practice](https://github.com/princewen/tensorflow_practice) 248 | 249 | 250 | ### MachineLearning 251 | 252 | - [microsoft/nni: AutoML toolkit](https://github.com/microsoft/nni) 253 | - [Imbalanced Learning](https://github.com/scikit-learn-contrib/imbalanced-learn) 254 | - [Automated Machine Learning tool using genetic programming](https://github.com/EpistasisLab/tpot) 255 | - [Machine learning evaluation metrics](https://github.com/benhamner/Metrics) 256 | - [Awesome Machine Learning](https://github.com/josephmisiti/awesome-machine-learning) 257 | 258 | ### HyperOptimization 259 | 260 | - [autonomio/talos: Hyperparameter Optimization for TensorFlow, Keras and PyTorch](https://github.com/autonomio/talos) 261 | - [scikit-optimize: sequential model-based optimization in Python — scikit-optimize 0.8.1 documentation](https://scikit-optimize.github.io/stable/) 262 | - [fmfn/BayesianOptimization: A Python implementation of global optimization with gaussian processes.](https://github.com/fmfn/BayesianOptimization) 263 | - Ray Tune:[Tune: Scalable Hyperparameter Tuning — Ray v2.0.0.dev0](https://docs.ray.io/en/master/tune/index.html) 264 | - [hyperopt/hyperopt: Distributed Asynchronous Hyperparameter Optimization in Python](https://github.com/hyperopt/hyperopt) 265 | - [Introduction to the Keras Tuner | TensorFlow Core](https://www.tensorflow.org/tutorials/keras/keras_tuner) 266 | - Google Vizier:[Vizier 概览 | AI Platform Vizier | Google Cloud](https://cloud.google.com/ai-platform/optimizer/docs/overview) 267 | - Amazon Sagemaker:[Amazon SageMaker 机器学习模型构建训练部署 - AWS 云服务](https://aws.amazon.com/cn/sagemaker/) 268 | - Microsoft NNI:[microsoft/nni: An open source AutoML toolkit for automate machine learning lifecycle, including feature engineering, neural architecture search, model compression and hyper-parameter tuning.](https://github.com/microsoft/nni) 269 | - Microsoft Advisor:[Optimization advisor overview - Finance & Operations | Dynamics 365 | Microsoft Docs](https://docs.microsoft.com/en-us/dynamics365/fin-ops-core/dev-itpro/sysadmin/optimization-advisor-overview) 270 | - [maxpumperla/hyperas: Keras + Hyperopt: A very simple wrapper for convenient hyperparameter optimization](https://github.com/maxpumperla/hyperas) (已存档) 271 | - [Avsecz/kopt: Hyper-parameter optimization for Keras](https://github.com/Avsecz/kopt)(一阵没更新了) 272 | - [rsteca/sklearn-deap: Use evolutionary algorithms instead of gridsearch in scikit-learn](https://github.com/rsteca/sklearn-deap)(一阵没更新了) 273 | - [HIPS/Spearmint: Spearmint Bayesian optimization codebase](https://github.com/HIPS/Spearmint)(一阵没更新了) 274 | - [[1603.06560] Hyperband: A Novel Bandit-Based Approach to Hyperparameter Optimization](https://arxiv.org/abs/1603.06560) 275 | 276 | ### TTS 277 | 278 | - [coqui-ai/TTS: 🐸💬 - a deep learning toolkit for Text-to-Speech, battle-tested in research and production](https://github.com/coqui-ai/TTS) 279 | - [RVC-Boss/GPT-SoVITS: 1 min voice data can also be used to train a good TTS model! (few shot voice cloning)](https://github.com/RVC-Boss/GPT-SoVITS/tree/main) 280 | - [fishaudio/Bert-VITS2: vits2 backbone with multilingual-bert](https://github.com/fishaudio/Bert-VITS2) 281 | -------------------------------------------------------------------------------- /README_ComputerBase.md: -------------------------------------------------------------------------------- 1 | 2 | 3 | **Table of Contents** *generated with [DocToc](https://github.com/thlorenz/doctoc)* 4 | 5 | - [系统](#%E7%B3%BB%E7%BB%9F) 6 | - [更改源](#%E6%9B%B4%E6%94%B9%E6%BA%90) 7 | - [系统配置文件](#%E7%B3%BB%E7%BB%9F%E9%85%8D%E7%BD%AE%E6%96%87%E4%BB%B6) 8 | - [环境变量](#%E7%8E%AF%E5%A2%83%E5%8F%98%E9%87%8F) 9 | - [TerminalMultiplexers](#terminalmultiplexers) 10 | - [SSH](#ssh) 11 | - [GIT](#git) 12 | - [Terminal](#terminal) 13 | - [命令行工具](#%E5%91%BD%E4%BB%A4%E8%A1%8C%E5%B7%A5%E5%85%B7) 14 | - [查找搜索](#%E6%9F%A5%E6%89%BE%E6%90%9C%E7%B4%A2) 15 | - [复制粘贴](#%E5%A4%8D%E5%88%B6%E7%B2%98%E8%B4%B4) 16 | - [版本控制及包管理](#%E7%89%88%E6%9C%AC%E6%8E%A7%E5%88%B6%E5%8F%8A%E5%8C%85%E7%AE%A1%E7%90%86) 17 | - [数据科学常用包](#%E6%95%B0%E6%8D%AE%E7%A7%91%E5%AD%A6%E5%B8%B8%E7%94%A8%E5%8C%85) 18 | - [配置工具](#%E9%85%8D%E7%BD%AE%E5%B7%A5%E5%85%B7) 19 | - [数据存储及快速查询](#%E6%95%B0%E6%8D%AE%E5%AD%98%E5%82%A8%E5%8F%8A%E5%BF%AB%E9%80%9F%E6%9F%A5%E8%AF%A2) 20 | - [CUDA](#cuda) 21 | - [IDE](#ide) 22 | - [SublimeText](#sublimetext) 23 | - [Emacs](#emacs) 24 | - [Vim](#vim) 25 | - [Python 技能](#python-%E6%8A%80%E8%83%BD) 26 | - [Resources](#resources) 27 | - [Basic](#basic) 28 | - [Trick](#trick) 29 | - [State](#state) 30 | - [Pipe](#pipe) 31 | - [FP](#fp) 32 | - [数据结构和算法](#%E6%95%B0%E6%8D%AE%E7%BB%93%E6%9E%84%E5%92%8C%E7%AE%97%E6%B3%95) 33 | - [工程](#%E5%B7%A5%E7%A8%8B) 34 | - [Design](#design) 35 | - [Test](#test) 36 | - [Style & Analysis](#style--analysis) 37 | - [Profile](#profile) 38 | - [Performence](#performence) 39 | - [Command Line](#command-line) 40 | - [Better Print](#better-print) 41 | - [Debug](#debug) 42 | - [Safety](#safety) 43 | - [Distribute](#distribute) 44 | - [FrameWork](#framework) 45 | - [Boilerplate](#boilerplate) 46 | - [JWT](#jwt) 47 | - [Coroutine](#coroutine) 48 | - [Concurrency](#concurrency) 49 | - [Memory](#memory) 50 | - [API](#api) 51 | - [RPC](#rpc) 52 | - [Deploy](#deploy) 53 | - [Database](#database) 54 | - [Project](#project) 55 | - [Architecture](#architecture) 56 | - [Network](#network) 57 | - [Tool](#tool) 58 | - [Spider](#spider) 59 | - [Audio](#audio) 60 | - [Chat](#chat) 61 | - [Text](#text) 62 | - [OCR](#ocr) 63 | - [Task](#task) 64 | - [Visualization](#visualization) 65 | - [GUI](#gui) 66 | - [Logic](#logic) 67 | - [设计五原则](#%E8%AE%BE%E8%AE%A1%E4%BA%94%E5%8E%9F%E5%88%99) 68 | - [刷题](#%E5%88%B7%E9%A2%98) 69 | - [面试](#%E9%9D%A2%E8%AF%95) 70 | - [论文、会议及期刊](#%E8%AE%BA%E6%96%87%E4%BC%9A%E8%AE%AE%E5%8F%8A%E6%9C%9F%E5%88%8A) 71 | - [小工具](#%E5%B0%8F%E5%B7%A5%E5%85%B7) 72 | - [致谢](#%E8%87%B4%E8%B0%A2) 73 | 74 | 75 | 76 | > 个人工具箱,Python 居多。包括但不限于:系统、编程、算法等多个方面内容。 77 | 78 | ## 系统 79 | 80 | ### 更改源 81 | 82 | 更改 Linux 系统软件源: 83 | 84 | - 阿里云镜像 http://mirrors.aliyun.com 85 | - 网易镜像 http://mirrors.163.com 86 | - 搜狐镜像 http://mirrors.sohu.com 87 | - 清华大学开源软件镜像 https://mirrors.tuna.tsinghua.edu.cn 88 | - 中国科学技术大学开源软件镜像 https://mirrors.ustc.edu.cn 89 | 90 | 下面例子是 Ubuntu16.04(xenial)的。**不同的系统版本源不同,注意更换。** 91 | 92 | ``` 93 | # 备份原文件 94 | mv /etc/apt/sources.list /etc/apt/sources.list.bak 95 | 96 | # 修改镜像源 97 | cat > /etc/apt/sources.list << END 98 | deb https://mirrors.ustc.edu.cn/ubuntu/ xenial main restricted universe multiverse 99 | deb-src https://mirrors.ustc.edu.cn/ubuntu/ xenial main restricted universe multiverse 100 | deb https://mirrors.ustc.edu.cn/ubuntu/ xenial-security main restricted universe multiverse 101 | deb-src https://mirrors.ustc.edu.cn/ubuntu/ xenial-security main restricted universe multiverse 102 | deb https://mirrors.ustc.edu.cn/ubuntu/ xenial-updates main restricted universe multiverse 103 | deb-src https://mirrors.ustc.edu.cn/ubuntu/ xenial-updates main restricted universe multiverse 104 | deb https://mirrors.ustc.edu.cn/ubuntu/ xenial-backports main restricted universe multiverse 105 | deb-src https://mirrors.ustc.edu.cn/ubuntu/ xenial-backports main restricted universe multiverse 106 | END 107 | 108 | # 更新源列表(Ubuntu) 109 | sudo apt-get update 110 | ``` 111 | 112 | 113 | 参考至: 114 | 115 | - [修改软件源为国内加速镜像 - 技术分享 - 社区 - 好雨,让云落地](https://t.goodrain.com/t/topic/236) 116 | - [LUG's repo file generator](https://mirrors.ustc.edu.cn/repogen/) 117 | 118 | 119 | ### 系统配置文件 120 | 121 | **所有用户** 122 | 123 | - `/etc/profile`: 此文件为系统的每个用户设置环境信息。当用户登录时,该文件被执行一次,并从 `/etc/profile.d` 目录的配置文件中搜集 shell 的设置。一般用于设置所有用户使用的全局变量。 124 | - `/etc/bashrc`: 当 bash shell 被打开时,该文件被读取。也就是说,每次新打开一个终端 shell,该文件就会被读取。 125 | - `/etc/paths` 126 | - [echo 变量内容删除和替换](http://blog.51cto.com/sndapk/1093073) 127 | 128 | **单个用户** 129 | 130 | - `~/.bash_profile`: 登录之后在 `/etc/profile` 载入之后载入, 十分重要的配置文件 131 | - `~/.bash_login`: 登录之后如果 `~/.bash_profile` 不存在的话, 载入这个文件 132 | - `~/.profile`: 登录之后 `~/.bash_login` 不存在的话, 才载入这个文件 133 | 134 | 只对单个用户生效,当用户登录时该文件仅执行一次。 135 | 136 | - `~/.bashrc`: `bash shell` 只对单个用户生效,当登录以及每次打开新的 shell 时,该文件被读取。 137 | - `~/.bash_logout` 138 | 139 | 140 | 注意: 141 | 142 | - 使用 `source /etc/environment` 可以使变量设置在当前窗口立即生效,需注销 / 重启之后,才能对每个新终端窗口都生效。 143 | - 如果是 bash 是 zsh 或其他的,需要修改**对应的配置文件**。 144 | - 建议针对当前用户修改 145 | - 详细可移步:[.bash\_profile,profile,bashrc 的区别和启动顺序](https://blog.blogbins.com/bash_profile-profile-bashrcde-qu-bie-he-qi-dong-shun-xu/) 和 [科学网—linux 中 PATH 环境变量的作用和使用方法 - 张志斌的博文](http://blog.sciencenet.cn/blog-1339458-804112.html) 146 | 147 | 参考至:[设置 Linux 环境变量的方法和区别\_Ubuntu\_给力星](http://www.powerxing.com/linux-environment-variable/) 148 | 149 | ### 环境变量 150 | 151 | - `LIBRARY_PATH` 152 | - 环境变量用于在程序编译期间查找动态链接库时指定查找共享库的路径 153 | - 例如,指定 gcc 编译需要用到的动态链接库的目录。设置方法如下(其中,LIBDIR1 和 LIBDIR2 为两个库目录):`export LIBRARY_PATH=LIBDIR1:LIBDIR2:$LIBRARY_PATH` 154 | - `LD_LIBRARY_PATH` 155 | - 环境变量用于在程序加载运行期间查找动态链接库时指定除了系统默认路径之外的其他路径 156 | - 注意,`LD_LIBRARY_PATH` 中指定的路径会在系统默认路径之前进行查找。 157 | - 设置方法如下(其中,LIBDIR1 和 LIBDIR2 为两个库目录):`export LD_LIBRARY_PATH=LIBDIR1:LIBDIR2:$LD_LIBRARY_PATH` 158 | - 概括 159 | - 开发时,设置 `LIBRARY_PATH`,以便 gcc 能够找到编译时需要的动态链接库。 160 | - 发布时,设置 `LD_LIBRARY_PATH`,以便程序加载运行时能够自动找到需要的动态链接库。 161 | - 不同操作系统的名称 162 | 163 | 164 | OS |Environment Variable Name 165 | -----|----- 166 | Linux| `LD_LIBRARY_PATH` 167 | Solaris 32-bit ruby|`LD_LIBRARY_PATH_32 or LD_LIBRARY_PATH` 168 | Solaris 64-bit ruby|`LD_LIBRARY_PATH_64 or LD_LIBRARY_PATH` 169 | HP-UX PA-RISC 32-bit ruby| `SHLIB_PATH` 170 | HP-UX PA-RISC 64-bit ruby| `LD_LIBRARY_PATH` 171 | HP-UX IA64| `LD_LIBRARY_PATH` 172 | Mac OS X| `DYLD_LIBRARY_PATH` 173 | AIX| `LIBPATH` 174 | 175 | 176 | 参考至: 177 | 178 | - [LIBRARY\_PATH 和 LD\_LIBRARY\_PATH 环境变量的区别 - 大圆那些事 - 博客园](http://www.cnblogs.com/panfeng412/archive/2011/10/20/library_path-and-ld_library_path.html) 179 | - [LD\_LIBRARY\_PATH 与 LIBPATH - russle 的专栏 - CSDN 博客](http://blog.csdn.net/russle/article/details/7228462) 180 | 181 | ### TerminalMultiplexers 182 | 183 | 远程会话窗口管理器,就是让你的远程连接(SSH)不中断,退出后下次登录时程序依然在运行。具体可参考: 184 | 185 | 186 | - [使用 screen 管理你的远程会话](https://www.ibm.com/developerworks/cn/linux/l-cn-screen/index.html)。简单使用: 187 | - 创建:`screen -S [name]` 188 | - 查看:`screen -ls` 189 | - 进入:`screen -r [name]` 190 | - 退回到命令行,让程序在 screen 后台自动运行:`Control + a + d` 191 | - 更强大的 Tmux: 192 | - [tmuxp — tmuxp 1.3.5 documentation](https://tmuxp.git-pull.com/en/latest/) 193 | - [优雅地使用命令行:Tmux 终端复用 | Harttle Land](http://harttle.land/2015/11/06/tmux-startup.html) 194 | - [Linux 下终端利器 tmux - OPS Notes By 枯木](http://kumu-linux.github.io/blog/2013/08/06/tmux/) 195 | - [Tmux Cheat Sheet & Quick Reference](https://tmuxcheatsheet.com/) 196 | - 二者使用对比:[Terminal Multiplexers: Screen, Tmux - Hyperpolyglot](http://hyperpolyglot.org/multiplexers) 197 | 198 | 199 | ## SSH 200 | 201 | - [SSH 原理与运用(一):远程登录 - 阮一峰的网络日志](http://www.ruanyifeng.com/blog/2011/12/ssh_remote_login.html) 202 | - 优化 SSH(断网不影响连接): 203 | - [Mosh: the mobile shell](https://mosh.org/) 204 | - [Tutorial: Ditch SSH, get started with Mosh | Serverwise](https://blog.ssdnodes.com/blog/tutorial-ditch-ssh-get-started-mosh/) 205 | - 中文简版:[技术 | mosh:一个基于 SSH 用于连接远程 Unix/Linux 系统的工具](https://linux.cn/article-6262-1.html) 206 | - [使用 Mosh 来优化 SSH 连接 - 运维之美 - 伪程序员](https://www.dengxiangxing.com/post/25081) 207 | - 服务器本地传输 208 | - **推荐:SSHFS**: [libfuse/sshfs: A network filesystem client to connect to SSH servers](https://github.com/libfuse/sshfs) 209 | - 挂载磁盘 210 | - RSYNC: [rsync](https://rsync.samba.org/) 211 | 212 | 213 | ## GIT 214 | 215 | 因为很多软件都需要从 GitHub 下载,所以需要优先配置一下。Git 命令不需要专门记,常用的就几个,其他的用时查一下就可以了。 216 | 217 | - 可以当工具用的 218 | - [常用 Git 命令清单 - 阮一峰的网络日志](http://www.ruanyifeng.com/blog/2015/12/git-cheat-sheet.html) 219 | - Git **下载部分内容**:[DownGit](https://minhaskamal.github.io/DownGit/#/home) 220 | - GitHub [如何选择开源许可证?](http://www.ruanyifeng.com/blog/2011/05/how_to_choose_free_software_licenses.html) 221 | - Git Query 工具:[cloudson/gitql: A git query language](https://github.com/cloudson/gitql) 222 | - 一些技巧 223 | - [Git 秘籍](https://www.gitbook.com/book/snowdream86/github-cheat-sheet/details/zh) 224 | - [图解 Git](http://marklodato.github.io/visual-git-guide/index-zh-cn.html#cherry-pick) 225 | - [Git 的 4 个阶段的撤销更改 - 日新亭 - SegmentFault](https://segmentfault.com/a/1190000011969554) 226 | - [重新组织 git 本地提交 | yongpoliu.com](http://yongpoliu.com/reorganize-git-local-commits/) 227 | 228 | 229 | ## Terminal 230 | 231 | - Terminal: [iTerm2 - macOS Terminal Replacement](https://www.iterm2.com/) 232 | - Bash: [oh-my-zsh](https://github.com/robbyrussell/oh-my-zsh),需要先安装 Zsh: [Installing ZSH](https://github.com/robbyrussell/oh-my-zsh/wiki/Installing-ZSH) 233 | 234 | ## 命令行工具 235 | 236 | - [20 Command Line Tools to Monitor Linux Performance](https://www.tecmint.com/command-line-tools-to-monitor-linux-performance/) 237 | - [13 Linux Performance Monitoring Tools - Part 2](https://www.tecmint.com/linux-performance-monitoring-tools/) 238 | - 命令行使用代理:[shadowsocks及 ProxyChains-NG 实现终端(iterm2)下代理](https://www.textarea.com/mactive/shadowsocks-ji-proxychains-ng-shixian-zhongduan-iterm2-xia-daili-639/) 239 | - 快速 CD: 240 | - [wting/autojump: A cd command](https://github.com/wting/autojump) 241 | - [rupa/z: z - jump around](https://github.com/rupa/z) 242 | - 命令行处理文本(包括:显示、文件合并、去重、分割): 243 | - `sed awk split head ` 244 | - [AWK 简明教程](https://coolshell.cn/articles/9070.html) 245 | - [使用命令行高效地进行文本编辑](https://www.ibm.com/developerworks/cn/aix/library/au-textedit.html) 246 | - [linux 文件合并,去重,分割 - 长颈鹿 Giraffe - 博客园](http://www.cnblogs.com/giraffe/p/3193085.html) 247 | - [klen/atmark: Awk+Sed for humans](https://github.com/klen/atmark) 248 | - 各种命令使用快查:[tldr-pages/tldr: Simplified and community-driven man pages](https://github.com/tldr-pages/tldr) 249 | - [chubin/cheat.sh: the only cheat sheet you need](https://github.com/chubin/cheat.sh) 250 | - [应该知道的 Linux 技巧](https://coolshell.cn/articles/8883.html) 251 | 252 | ## 查找搜索 253 | 254 | - 快速查找:[junegunn/fzf: A command-line fuzzy finder](https://github.com/junegunn/fzf),这里有一些很好的例子:[Examples · junegunn/fzf Wiki](https://github.com/junegunn/fzf/wiki/examples) 255 | - [mooz/percol: adds flavor of interactive filtering to the traditional pipe concept of UNIX shell](https://github.com/mooz/percol#whats-this) 256 | - 文本搜索:[Geoff Greer's site: The Silver Searcher](https://geoff.greer.fm/ag/) 257 | - 字符串搜索:[pyahocorasick — ahocorasick 1.1.0 documentation](http://pyahocorasick.readthedocs.io/en/latest/) 258 | 259 | 260 | ## 复制粘贴 261 | 262 | - Mac: [Copy to and Paste from the Clipboard on the Mac OSX Command Line](http://sweetme.at/2013/11/17/copy-to-and-paste-from-the-clipboard-on-the-mac-osx-command-line/) 263 | - Mac: alfred-clipboard 调出所有复制过的文本 264 | - Mac 一键上传图片到亿方云并生成链接:[jiwenxing/qimage-mac: mac 版本的 markdown 一键贴图工具,基于 alfred 实现,支持本地文件、截图、网络图片一键上传七牛云,使用简单方便](https://github.com/jiwenxing/qimage-mac) 265 | 266 | 267 | ## 版本控制及包管理 268 | 269 | - 虚拟机管理:[Vagrant by HashiCorp](https://www.vagrantup.com/) 270 | - 安装碰到问题:[Ubuntu16.04 安装 VirtualBox & Vagrant 管理 VirtualBox 各种问题总结](http://yam.gift/2016/09/04/2016-09-20-Ubuntu-VirtualBox-Vagrant-questions/) 271 | - 使用:[Introduction - Vagrant by HashiCorp](https://www.vagrantup.com/intro/index.html) 272 | - 虚拟环境:[Reference Guide — virtualenv 15.1.0 documentation](https://virtualenv.pypa.io/en/stable/reference/#options) 273 | - 安装:`pip install virtualenv` 274 | - 创建虚拟环境:`mkdir name; virtualenv --arguments [name]; cd name` 275 | - 激活:`source ./bin/activate` 276 | - 关闭:`deactivate` 277 | - 版本控制:[pyenv/pyenv: Simple Python version management](https://github.com/pyenv/pyenv),注意 pyenv 的路径是可以改的 278 | - 安装软件(不是安装 pyenv),举例安装 Anaconda: 279 | `wget -P $(pyenv root)/cache https://mirrors.tuna.tsinghua.edu.cn/anaconda/archive/Anaconda3-4.0.0-MacOSX-x86_64.sh` 280 | `pyenv install Anaconda3-4.0.0` 281 | - 创建虚拟环境:`pyenv virtualenv [version] [name]` 282 | - 激活:`pyenv activate name` or `source activate name` 283 | - 关闭:`pyenv deactivate` 284 | - 包管理:[Conda — Conda documentation](https://conda.io/docs/) 285 | - conda 必须安装 miniconda 或 Anaconda 286 | - `conda list` 287 | - `conda search` 288 | - 创建虚拟环境:`conda create -n [name] python=3.6.2` 289 | - 激活:`source activate name` 290 | - 关闭:`source deactivate` 291 | - Python 包管理:[pip — pip 9.0.1 documentation](https://pip.pypa.io/en/stable/) 292 | - 更换源:[Mac OX 设置 pip 国内镜像,下载速度超快 - 简书](https://www.jianshu.com/p/e993bdfff7b3) 293 | - 多个源:[pip:指定多个源 / 内部源 - CSDN 博客](http://blog.csdn.net/K_Zombie/article/details/50478577) 294 | - **推荐**的 Python 包**开发**管理工具: 295 | - [Poetry - Python dependency management and packaging made easy.](https://python-poetry.org/) 296 | - [Pipenv: Python Dev Workflow for Humans](https://docs.pipenv.org/) 297 | - **推荐**的创建虚拟环境方法:`python3 -m venv [name]`,详见:[venv](https://docs.python.org/3.6/library/venv.html) 298 | 299 | **注意**:安装 `Conda` 后,`pyenv` 的虚拟环境会由 `Conda` 接管。详见:[pyenv/pyenv-virtualenv: a pyenv plugin to manage virtualenv (a.k.a. python-virtualenv)](https://github.com/pyenv/pyenv-virtualenv)。 300 | 301 | - Mac 上的 Python 302 | 303 | 经过不少的实践,在 Mac 上可以使用 homebrew 来管理 python 版本,大多数时候我们只需要一个稳定的版本就够了,具体项目中可以使用 poetry。要安装不同的版本,方法如下: 304 | 305 | - `brew unlink python` 解除现有版本的绑定 306 | - `brew install https://raw.githubusercontent.com/Homebrew/homebrew-core/hash/Formula/python.rb`,其中的 hash 可在 [History for Formula/python.rb - Homebrew/homebrew-core](https://github.com/Homebrew/homebrew-core/commits/master?path%5B%5D=Formula&path%5B%5D=python.rb) 中找到,如果要的版本太旧,往前翻时并不会显示,但会有提醒告知如何查看。 307 | - 在你的 bash 或 zsh 配置文件中添加:`export PATH="/usr/local/opt/python/libexec/bin:$PATH"` 308 | - `brew switch python xxx` 切换各种版本,所有的东西都会自动弄好 309 | 310 | 注意:只要这么操作就可以无痛使用(Mac),但如果你想更深入了解一下,下面的内容可以参考: 311 | 312 | - brew 安装的 python 在 `/usr/local/Cellar/python@[version]/` 313 | - `site-packages` 实际位置在 `/usr/local/lib/python*` 314 | - brew 安装好后会在两个地方创建链接: 315 | - `/usr/local/opt/python/libexec/bin/` 316 | - `/usr/local/bin/` 317 | - 系统自带的在 `/usr/bin/python`,实际位置在 `/System/Library/Frameworks/Python.framework/Versions/`,`site-packages` 在 `/usr/local/lib/python2.7`下,系统自带有多个版本(2.3 2.5 2.6 2.7),当前为 2.7 318 | - 升级 Xcode 后会安装 Python3,在 `/usr/bin/python3`,实际位置在 `/Applications/Xcode.app/Contents/Developer/usr/bin/python3`,`site-packages` 有两个,用户的在 `~/Library/Python/3.8/lib/python/`,系统的在 `/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.8/lib/python3.8/site-packages/` 319 | - 最终 python=python2(系统带的),python3=python3.8.9(Xcode 装的),python3.7,python3.8,python3.9 分别对应各自版本。pip3=pip3.8.9(Xcode 的,在系统的 `site-packages` 里),pip3.7,pip3.8,pip3.9 分别对应各自版本。整体清爽了很多,当然输入时稍微麻烦了些。 320 | 321 | 322 | ## 数据科学常用包 323 | 324 | - [IPython](http://ipython.org/) 325 | - 基础运算:[NumPy](https://docs.scipy.org/doc/numpy-dev/index.html) 326 | - 数据清理分析:[Pandas](http://pandas.pydata.org/) 327 | - 画图的:[Matplotlib](http://matplotlib.org/index.html) 328 | - 机器学习:[scikit-learn](http://scikit-learn.org/stable/index.html) 329 | - 可以写代码 + 笔记的 NoteBook:[Project Jupyter | Home](https://jupyter.org/) 330 | - 安装:`pip install jupyter` 331 | - [jupyter\_contrib\_nbextensions: A collection of various notebook extensions for Jupyter](https://github.com/ipython-contrib/jupyter_contrib_nbextensions)(推荐,有很多安好的插件): 332 | - `pip install jupyter_contrib_nbextensions` 333 | - `jupyter contrib nbextension install --user` 334 | - `jupyter nbextension enable codefolding/main` 335 | - server extension: [jupyter\_nbextensions\_configurator: A jupyter notebook serverextension providing config interfaces for nbextensions.](https://github.com/Jupyter-contrib/jupyter_nbextensions_configurator)(不太推荐): 336 | - `pip install jupyter_nbextensions_configurator` 337 | - `jupyter nbextensions_configurator enable --user` 338 | - 远程服务器 jupyter notebook 创建(如何创建参照网上教程)后,本地访问:本地创建 `ssh remote_name@remote_address -L127.0.0.1:remode_port:127.0.0.1:local_port` 就可以在本地用 `localhost:local_port` 访问了 339 | - 并行:[ipython/ipyparallel: Interactive Parallel Computing in Python](https://github.com/ipython/ipyparallel) 340 | - `pip install ipyparallel` 341 | - `ipcluster nbextension enable` 342 | 343 | ## 配置工具 344 | 345 | - [chimpler/pyhocon: HOCON parser for Python](https://github.com/chimpler/pyhocon) 346 | - [rbgirshick/yacs: YACS -- Yet Another Configuration System](https://github.com/rbgirshick/yacs) 347 | - Host 修改工具:[Clockwise](http://clockwise.ee/) 348 | 349 | ## 数据存储及快速查询 350 | 351 | 352 | - TAR,GZIP, BZIP2, XZ 对比 353 | - 需要在内存很小的机器(如小于 128 MB)上解压缩时,选择 gzip 格式。 354 | - 需要在很简单、沒有什么工具可用的机器上解压缩时,选择 gzip 格式。 355 | - 需要节省带宽、缩短下载所需时间时,选择 xz 格式。 356 | - 推荐用 gz 压缩: 357 | - `tar zcvf test.tar test` 仅打包,不压缩 358 | - `tar zcvf test.tar.gz test` 打包后以 gzip 压缩 359 | - `tar zxvf test.tar.gz -C /to/your/path ` 解压缩到某目录 360 | - 存储用 xz(速度慢,压缩效率高): 361 | - `tar Jcvf file_name.tar.xz dir_name ` 压缩 362 | - `tar Jxvf file_name.tar.xz` 解压缩 363 | 364 | 参考至:[Linux 中最佳的壓縮格式:為什麼 bzip2 會被 xz 取代?那 gzip 又如何? - G. T. Wang](https://blog.gtwang.org/linux/linux-why-are-tar-archive-formats-switching-to-xz-compression-to-replace-bzip2-and-what-about-gzip/) 365 | 366 | 367 | - 字典存储:[DAWG](http://dawg.readthedocs.io/en/latest/) 368 | - 数据存储:[leveldb 资料整理 - 区块链知识库](http://lib.csdn.net/article/blockchain/46144) 369 | - 数据结构:[Bloom filter - Wikiwand](https://www.wikiwand.com/en/Bloom_filter) 370 | 371 | ## CUDA 372 | 373 | 强烈建议看官方文档,不要看各类教程。 374 | 375 | 376 | - CUDA 377 | - 安装包下载:[CUDA Toolkit Archive | NVIDIA Developer](https://developer.nvidia.com/cuda-toolkit-archive) 378 | - 特定版本:[CUDA Toolkit 11.8 Downloads | NVIDIA Developer](https://developer.nvidia.com/cuda-11-8-0-download-archive) 379 | - 安装:[Installation Guide Linux :: CUDA Toolkit Documentation](http://docs.nvidia.com/cuda/cuda-installation-guide-linux/index.html#pre-installation-actions) 380 | - Docker相关:[Installing the NVIDIA Container Toolkit — NVIDIA Container Toolkit 1.14.3 documentation](https://docs.nvidia.com/datacenter/cloud-native/container-toolkit/latest/install-guide.html) 381 | - cuDNN 382 | - 安装包下载:[cuDNN Download | NVIDIA Developer](https://developer.nvidia.com/rdp/cudnn-archive) 383 | - 安装:[cuDNN Installation Guide :: Deep Learning SDK Documentation](http://docs.nvidia.com/deeplearning/sdk/cudnn-install/index.html#installdriver) 384 | - `sudo apt-get install cuda-x-0`: 安装非最新版本 385 | - 卸载 386 | - `sudo apt-get --purge remove cuda` 387 | - `sudo apt autoremove` 388 | - `sudo apt-get clean` 389 | - 找不到 5 时可以软链:`ln -s libcudnn.so.6.* libcudnn.so.5` 390 | 391 | 392 | ## IDE 393 | 394 | ### SublimeText 395 | 396 | - 设置 TAB 键为空格:`{ 397 | "tab_size": 4, 398 | "translate_tabs_to_spaces": true, 399 | }` 400 | - pep8 插件,使用:`Ctrl + Shift + 8` 401 | 402 | ### Emacs 403 | 404 | - [GNU Emacs download - GNU Project](https://www.gnu.org/software/emacs/download.html#macos) 405 | - Learn: 406 | - [Emacs is sexy](http://emacs.sexy/#learn) 407 | - [一年成为 Emacs 高手 (像神一样使用编辑器) - redguardtoo 的专栏 - CSDN 博客](https://blog.csdn.net/redguardtoo/article/details/7222501) 408 | - Errors on Mac: 409 | - [macos - Failed to initialize color list](https://stackoverflow.com/questions/52521587/emacs-error-when-i-call-it-in-the-terminal) 410 | - iTerm Alt Metakey: [macos - Bash keyboard shortcuts in iTerm like Alt+d and Alt+f - Stack Overflow](https://stackoverflow.com/questions/18923765/bash-keyboard-shortcuts-in-iterm-like-altd-and-altf) 411 | - 快捷键: 412 | - [emacs cheat sheet](http://www.rgrjr.com/emacs/emacs_cheat.html) 413 | - [Emacs Keys Basics](http://ergoemacs.org/emacs/emacs_keys_basics.html) 414 | 415 | ### Vim 416 | 417 | - 技巧: 418 | - [YBlog - Learn Vim Progressively](http://yannesposito.com/Scratch/en/blog/Learn-Vim-Progressively/) 419 | - [中文版](https://coolshell.cn/articles/5426.html) 420 | - 配置: 421 | - [vim-airline/vim-airline: lean & mean status/tabline for vim that's light as air](https://github.com/vim-airline/vim-airline) 422 | - [wklken/k-vim: vim 配置](https://github.com/wklken/k-vim) 423 | - [ma6174/vim: vim 配置文件和插件](https://github.com/ma6174/vim) 424 | - 教程: 425 | - [A Good Vimrc](https://dougblack.io/words/a-good-vimrc.html) 426 | - [vim 插件管理器:Vundle 的介绍及安装](http://blog.csdn.net/zhangpower1993/article/details/52184581) 427 | - [Vim 与 Python 真乃天作之合](http://codingpy.com/article/vim-and-python-match-in-heaven/) 428 | - 快捷键: 429 | - [Vim Cheat Sheet](https://vim.rtorr.com/) 430 | - [vi 與 vim 的指令整理 | Vixual](http://www.vixual.net/blog/archives/234) 431 | - [給程式設計師的 Vim 入門圖解說明 | vgod's blog](http://blog.vgod.tw/2009/12/08/vim-cheat-sheet-for-programmers/) 432 | 433 | 434 | ## Python 技能 435 | 436 | ### Resources 437 | 438 | - [Awesome Python](https://github.com/vinta/awesome-python) 439 | - [awesome-python-cn: Python 资源大全中文版](https://github.com/jobbole/awesome-python-cn) 440 | 441 | - [jackfrued/Python-100-Days: Python - 100 天从新手到大师](https://github.com/jackfrued/Python-100-Days) 442 | 443 | ### Basic 444 | 445 | - [Best practices guidebook](https://github.com/realpython/python-guide) 446 | - [Python Cookbook 3rd](https://python3-cookbook.readthedocs.io/zh_CN/latest/index.html) 447 | - [Python Tips](https://book.pythontips.com/en/latest/index.html) 448 | - [The Hitchhiker's Guide to Python](https://docs.python-guide.org/) 449 | - [Python 3 Module of the Week](https://pymotw.com/3/index.html) 450 | 451 | ### Trick 452 | 453 | - [Python Tricks](https://github.com/brennerm/PyTricks) 454 | - [Python WTF](https://github.com/satwikkansal/wtfpython) 455 | 456 | ### State 457 | 458 | - [FSM](https://github.com/pytransitions/transitions) 459 | - [State](https://pypi.org/project/state/) 460 | 461 | ### Pipe 462 | 463 | - [Pipeline Abstraction](https://github.com/robdmc/consecution) 464 | 465 | ### FP 466 | 467 | - [kachayev/fn.py: Functional programming](https://github.com/kachayev/fn.py) 468 | - [suned/pfun: Pythonic Functional Programming](https://github.com/suned/pfun) 469 | 470 | ## 数据结构和算法 471 | 472 | - [Algorithm Visualizer](https://github.com/algorithm-visualizer/algorithm-visualizer) 473 | - [TheAlgorithms](https://github.com/TheAlgorithms/Python) 474 | - [Minimal Examples](https://github.com/keon/algorithms) 475 | - [Treelib: An efficient Implementation](https://github.com/caesar0301/treelib) 476 | - [Tree Library](https://github.com/c0fec0de/anytree) 477 | - [BTrees](https://github.com/zopefoundation/BTrees) 478 | - [ete: visualising trees](https://github.com/etetoolkit/ete) 479 | - [jciskey/pygraph: graph manipulation](https://github.com/jciskey/pygraph) 480 | - [Coding Interview Challenges](https://github.com/donnemartin/interactive-coding-challenges) 481 | - [GeneticAlgorithmsWithPython](https://github.com/handcraftsman/GeneticAlgorithmsWithPython) 482 | 483 | ## 工程 484 | 485 | ### Design 486 | 487 | - [toutiaoio/awesome-architecture](https://github.com/toutiaoio/awesome-architecture) 488 | - [System Design](https://github.com/donnemartin/system-design-primer) 489 | - [Design Patterns](https://github.com/faif/python-patterns) 490 | 491 | ### Test 492 | 493 | 主要分单元测试和集成测试。 494 | 495 | - [Hypothesis: Property-Based Testing](https://github.com/HypothesisWorks/hypothesis) 496 | - [Plugin for providing variables to pytest](https://github.com/pytest-dev/pytest-variables) 497 | - [Example grpc_testing based unittest](https://github.com/alexykot/grpcio-test-example) 498 | - [pytest](https://docs.pytest.org/en/latest/) 499 | - 和 github 做持续集成的服务:[Continuous Integration and Delivery - CircleCI](https://circleci.com/) 500 | 501 | ### Style & Analysis 502 | 503 | - [Style Checker](https://github.com/PyCQA/pycodestyle) 504 | - [Code Climate · GitHub Marketplace](https://github.com/marketplace/code-climate) 505 | - 代码检查:[flake8 3.4.1 : Python Package Index](https://pypi.python.org/pypi/flake8) 506 | - 代码复杂度检查:[rubik/radon: Various code metrics for Python code](https://github.com/rubik/radon) 507 | - [github/semantic: Parsing, analyzing, and comparing source code across many languages](https://github.com/github/semantic) 508 | - 统计代码行数: 509 | - [XAMPPRocky/tokei: Count your code, quickly.](https://github.com/XAMPPRocky/tokei) 510 | - [cgag/loc: Count lines of code quickly.](https://github.com/cgag/loc) 511 | - [boyter/scc: Sloc, Cloc and Code: scc is a very fast accurate code counter with complexity calculations and COCOMO estimates written in pure Go](https://github.com/boyter/scc) 512 | - [CLOC -- Count Lines of Code](http://cloc.sourceforge.net/) 513 | - 代码对比:[Scooter Software: Home of Beyond Compare](https://www.scootersoftware.com/) 514 | - 建议阅读 [代码整洁之道 (豆瓣)](https://book.douban.com/subject/4199741/),初期不需要太追求优化。 515 | 516 | ### Profile 517 | 518 | - [emeryberger/scalene: Scalene: a high-performance, high-precision CPU and memory profiler for Python](https://github.com/emeryberger/scalene) 519 | - [pympler/pympler: memory behavior](https://github.com/pympler/pympler) 520 | - [Line Profile](https://github.com/rkern/line_profiler) 521 | - [Distributed Asynchronous Hyperparameter Optimization](https://github.com/hyperopt/hyperopt) 522 | - [Memory Profiler](https://github.com/pythonprofilers/memory_profiler) 523 | - [PySnooper: Never use print for debugging again](https://github.com/cool-RR/PySnooper) 524 | 525 | 526 | ### Performence 527 | 528 | - 尽量使用 Numpy 或 Pandas,因为它们底层是 C 529 | - Numpy 计算深度学习:[tfdeploy](https://github.com/riga/tfdeploy) 530 | - 数据库利用索引和 Cache 531 | - 索引是将常见的查询在数据库中建好索引表 532 | - Cache 是数据库常用的操作 533 | - [Boost.Python Tutorial - 1.65.1](http://www.boost.org/doc/libs/1_65_1/libs/python/doc/html/tutorial/index.html) 534 | - [Tutorials — Cython](http://docs.cython.org/en/latest/src/tutorial/) 535 | - [ray-project/ray: A system for parallel and distributed Python that unifies the ML ecosystem.](https://github.com/ray-project/ray) 536 | - [scikit-build/ninja-python-distributions: This project provides a \`setup.py\` script that build Ninja Python wheels.](https://github.com/scikit-build/ninja-python-distributions) 537 | - [arrow/python at master · apache/arrow](https://github.com/apache/arrow/tree/master/python) 538 | 539 | 540 | ### Command Line 541 | 542 | - [tiangolo/typer: Typer, build great CLIs. Easy to code. Based on Python type hints.](https://github.com/tiangolo/typer) 543 | 544 | ### Better Print 545 | 546 | - [onelivesleft/PrettyErrors: Prettify Python exception output to make it legible.](https://github.com/onelivesleft/PrettyErrors/) 547 | - [willmcgugan/rich: Rich is a Python library for rich text and beautiful formatting in the terminal.](https://github.com/willmcgugan/rich) 548 | 549 | ### Debug 550 | 551 | - [gotcha/ipdb: Integration of IPython pdb](https://github.com/gotcha/ipdb) 552 | - [pdbpp/pdbpp: pdb++, a drop-in replacement for pdb (the Python debugger)](https://github.com/pdbpp/pdbpp) 553 | 554 | ### Safety 555 | 556 | - [Most advanced XSS scanner](https://github.com/s0md3v/XSStrike) 557 | - [SQL injection and database takeover tool](https://github.com/sqlmapproject/sqlmap) 558 | 559 | ### Distribute 560 | 561 | - [Framework Ray](https://github.com/ray-project/ray) 562 | 563 | ### FrameWork 564 | 565 | - [Async Sanic](https://github.com/huge-success/sanic) 566 | - [Websockets](https://github.com/aaugustin/websockets) 567 | - [tornadoweb/tornado: asynchronous](https://github.com/tornadoweb/tornado) 568 | 569 | ### Boilerplate 570 | 571 | - [Django, React, Bootstrap Webpack Project Boilerplate](https://github.com/vintasoftware/django-react-boilerplate) 572 | - [cookiecutter: project templates](https://github.com/cookiecutter/cookiecutter) 573 | 574 | ### JWT 575 | 576 | - [Django-Rest-Framework-Simplejwt.](https://github.com/SimpleJWT/django-rest-framework-simplejwt) 577 | - [JSON Web Token - 在 Web 应用间安全地传递信息 - 回田园](http://blog.leapoahead.com/2015/09/06/understanding-jwt/) 578 | - [Where to Store JWTs - Cookies vs HTML5 Web Storage | Stormpath](https://stormpath.com/blog/where-to-store-your-jwts-cookies-vs-html5-web-storage) 579 | 580 | ### Coroutine 581 | 582 | - [Curio: Coroutine-Based Library for Concurrent Systems Programming](https://github.com/dabeaz/curio) 583 | - [python-trio/trio: Trio – Pythonic async I/O](https://github.com/python-trio/trio) 584 | 585 | 586 | ### Concurrency 587 | 588 | - [Trio: Async Concurrency and I/O](https://github.com/python-trio/trio) 589 | 590 | ### Memory 591 | 592 | - [DAFSA-based dictionary-like read-only objects](https://github.com/pytries/DAWG) 593 | 594 | ### API 595 | 596 | - [FastAPI](https://fastapi.tiangolo.com/) 597 | - [Web API Toolkit](https://github.com/encode/apistar) 598 | - [pyeve/eve: REST API framework designed for human beings](https://github.com/pyeve/eve) 599 | - [timothycrosley/hug](https://github.com/timothycrosley/hug) 600 | 601 | ### RPC 602 | 603 | - [grpc / grpc.io](https://grpc.io/) 604 | - [gRPC-Web implementation](https://github.com/public/sonora) 605 | - [grpc / grpc.io](https://grpc.io/) 606 | - [比起 JSON 更方便、更快速、更簡短的 Protobuf 格式](https://yami.io/protobuf/) 607 | - [apache/thrift: Mirror of Apache Thrift](https://github.com/apache/thrift) 608 | - [JSON-RPC 2.0 Specification](http://www.jsonrpc.org/specification) 609 | - [zerorpc](http://www.zerorpc.io/) 610 | 611 | ### Deploy 612 | 613 | - GitHub 至少两个分支:dev 和 master,均为通过测试的正式版 614 | - master 为发布版 615 | - dev 为开发版 616 | - [kubernetes-sigs/kustomize: Customization of kubernetes YAML configurations](https://github.com/kubernetes-sigs/kustomize) 617 | - [composer/docker: Composer in Docker](https://github.com/composer/docker) 618 | - [Docker](https://docs.docker.com/) 619 | - [Kubernetes](https://www.kubernetes.org.cn/docs) 620 | - 自动触发:[Watchman A file watching service | Watchman](https://facebook.github.io/watchman/) 621 | 622 | 623 | ### Database 624 | 625 | - [MySQL Client](https://github.com/PyMySQL/PyMySQL) 626 | - [MySQL database connector](https://github.com/PyMySQL/mysqlclient-python) 627 | - [PostgreSQL Database Client](https://github.com/MagicStack/asyncpg) 628 | 629 | 630 | ### Project 631 | 632 | - [GitHub-Chinese-Top-Charts](https://github.com/kon9chunkit/GitHub-Chinese-Top-Charts) 633 | - [ A list of practical projects.](https://github.com/karan/Projects) 634 | 635 | 636 | ### Architecture 637 | 638 | - 这里是比较经典的一些各公司架构:[All Time Favorites -](http://highscalability.com/all-time-favorites/) 639 | - Quora 做部署的架构,比较适合小公司:[Continuous Deployment at Quora - Engineering at Quora - Quora](https://engineering.quora.com/Continuous-Deployment-at-Quora) 640 | - 参考网站:[Buy/Sell Digital Currency - Coinbase](https://www.coinbase.com/?locale=en) 641 | - [donnemartin/system-design-primer: Learn how to design large-scale systems. Prep for the system design interview. Includes Anki flashcards.](https://github.com/donnemartin/system-design-primer) 642 | 643 | ### Network 644 | 645 | - [High Performance Browser Networking (豆瓣)](https://book.douban.com/subject/21866396/?dt_platform=com.douban.activity.wechat_friends&dt_dapp=1) 646 | 647 | 648 | ## Tool 649 | 650 | ### Spider 651 | 652 | - [pyspider](https://github.com/binux/pyspider) 653 | - [scrapy examples](https://github.com/geekan/scrapy-examples) 654 | - [crawlers](https://github.com/evilcos/crawlers) 655 | - [grab: Web Scraping Framework](https://github.com/lorien/grab) 656 | - [Selenium](https://selenium-python.readthedocs.io/index.html) 657 | - Mac 安装时,需要重新安装 pycurl,首先 `pip uninstall pycurl` 658 | - 然后 `export PYCURL_SSL_LIBRARY=openssl` 659 | - 再 `export LDFLAGS=-L/usr/local/opt/openssl/lib;export CPPFLAGS=-I/usr/local/opt/openssl/include;pip install pycurl==7.43.0.1 --compile --no-cache-dir` 660 | - [Scrapy](https://docs.scrapy.org/en/latest/index.html) 661 | - [scrapinghub/portia: Visual scraping for Scrapy](https://github.com/scrapinghub/portia),可视化 Scrapy 662 | 663 | 664 | ### Audio 665 | 666 | - [Manipulate Audio Interface](https://github.com/jiaaro/pydub) 667 | - [Audio Analysis Library](https://github.com/tyiannak/pyAudioAnalysis) 668 | - [resemble-ai/resemble-enhance: AI powered speech denoising and enhancement](https://github.com/resemble-ai/resemble-enhance/tree/main) 669 | - [timsainb/noisereduce: Noise reduction in python using spectral gating (speech, bioacoustics, audio, time-domain signals)](https://github.com/timsainb/noisereduce) 670 | - [spotify/pedalboard: 🎛 🔊 A Python library for working with audio.](https://github.com/spotify/pedalboard) 671 | 672 | ### Chat 673 | 674 | - [API for Wechat](https://github.com/littlecodersh/ItChat) 675 | - [API for Wechat](https://github.com/youfou/wxpy) 676 | - [API for Wechat](https://github.com/littlecodersh/itchatmp) 677 | 678 | ### Text 679 | 680 | - [Chinese Convert 繁简转换](https://github.com/yichen0831/opencc-python) 681 | - [Hanzi Converter 繁简转换](https://github.com/berniey/hanziconv) 682 | - [Wikiextractor](https://github.com/attardi/wikiextractor) 683 | - [汉字转拼音 (pypinyin)](https://github.com/mozillazg/python-pinyin) 684 | 685 | ### OCR 686 | 687 | - [breezedeus/cnocr: 基于 MXNet](https://github.com/breezedeus/cnocr) 688 | - [qjadud1994/Text_Detector](https://github.com/qjadud1994/Text_Detector) 689 | 690 | ### Task 691 | 692 | - [Schedule](https://github.com/dbader/schedule) 693 | - [robdmc/crontabs: A cron-like utility for Python](https://github.com/robdmc/crontabs) 694 | 695 | ### Visualization 696 | 697 | - [altair-viz/altair: Declarative statistical visualization](https://github.com/altair-viz/altair) 698 | - [animated graph visualizations](https://github.com/mapio/GraphvizAnim) 699 | - [plotly/plotly.py: The interactive graphing](https://github.com/plotly/plotly.py) 700 | - [plotly/dash: Interactive, Reactive Web Apps for Python. Dash Is Productive™](https://github.com/plotly/dash) 701 | - [iTerm2 backend for Matplotlib.](https://github.com/daleroberts/itermplot) 702 | - [mingrammer/diagrams: Diagram as Code for prototyping cloud system architectures](https://github.com/mingrammer/diagrams) 703 | - [facebookresearch/hiplot: HiPlot makes understanding high dimensional data easy](https://github.com/facebookresearch/hiplot) 704 | - [lutzroeder/netron: Visualizer for neural network, deep learning, and machine learning models](https://github.com/lutzroeder/netron) 705 | 706 | ### GUI 707 | 708 | - [hoffstadt/DearPyGui: Dear PyGui: A fast and powerful Graphical User Interface Toolkit for Python with minimal dependencies](https://github.com/hoffstadt/DearPyGui) 709 | 710 | ### Logic 711 | 712 | - [Electronic Design Automation](https://github.com/cjdrake/pyeda) 713 | 714 | ## 设计五原则 715 | 716 | - SOLID(单一功能、开闭原则、里氏替换、接口隔离以及依赖反转) 717 | 718 | 719 | 首字母|指代| 概念 720 | -----|------|---- 721 | S| 单一功能原则| 对象应该仅具有一种单一功能 722 | O| 开闭原则| 软件体应该是对于扩展开放的,但是对于修改封闭的 723 | L| 里氏替换原则 |程序中的对象应该是可以在不改变程序正确性的前提下被它的子类对象所替换的 724 | I| 接口隔离原则| 多个特定客户端接口要好于一个宽泛用途的接口 725 | D| 依赖反转原则| 高层次的模块不应该依赖于低层次的模块,两者都应该依赖于抽象接口;抽象接口不应该依赖于具体实现,而具体实现则应该依赖于抽象接口。 726 | 727 | 来源:[如何在 Python 里应用 SOLID 原则 | 阿驹](http://zqpythonic.qiniucdn.com/data/20170115163942/index.html) 728 | 729 | 730 | - 当考虑需要什么类以及类要有什么方法时,应该尝试下面的方法。 731 | 732 | - (1)写下问题的描述(程序要做什么),把所有名词、动词和形容词加下划线。 733 | - (2)对于所有名词,用作可能的类。 734 | - (3)对于所有动词,用作可能的方法。 735 | - (4)对于所有形容词,用作可能的特性。 736 | - (5)把所有方法和特性分配到类。 737 | 738 | 现在已经有了面向对象模型的草图了。还可以考虑类和对象之间的关系(比如继承或协作)以及它们的作用,可以用以下步骤精炼模型。 739 | 740 | - (1)写下(或者想象)一系列的使用实例,也就是程序应用时的场景,试着包括所有的功能。 741 | - (2)一步步考虑每个使用实例,保证模型包括所有需要的东西。如果有些遗漏的话就添加进来。如果某处不太正确则改正。继续,直到满意为止。 742 | 743 | 来源:[如何设计好一个 python 的类? - 知乎](https://www.zhihu.com/question/65622767/answer/233023480) 744 | 745 | - [践行这五条原则,构建优秀的 Python 包 | 编程派 | Coding Python](http://codingpy.com/article/5-simple-rules-for-building-great-python-packages/) 746 | 747 | 748 | ## 刷题 749 | 750 | - 在线编程练习 751 | - [LeetCode](https://leetcode.com/) 752 | - [hihoCoder](http://hihocoder.com/) 753 | - [Train with Programming Challenges/Kata | Codewars](https://www.codewars.com/) 754 | - [LintCode](http://lintcode.com/):在线刷题网站,汇集了各大公司的算法面试题。有阶梯式训练题库,帮你选好应该刷的题目,特别适合小白和懒人。评测数独很快,最大的中文在线题库。 755 | - geeksforgeeks.org —— 据说是印度人搞的刷题网站,上面有很多公司的面试题,也有论坛。不过上面都是英文,估计很多印度人在上面放面经,科科。 756 | - Codecademy.com —— 包含在线编程练习和课程视频。比较适合小白入门编程语言。网页界面也比较友好。但是,没有算法方面的在线测试。 757 | - Codehs.com —— 包含数据结构、游戏设计、动画类编程题。 758 | - programmingpraxis.com —— 此网站编程练习不保存分数、不排名、不竞赛 759 | - projecteuler.net —— 有 590 道题,会显示难度水平和提交完成率 760 | - hackerearth.com —— 注册帐号后可参与编程练习(有内推到知名企业的机会) 761 | - 编程竞赛 762 | - hackerrank.com ——包含编程题和项目开发挑战 763 | - Codeforces.comtopcoder.com —— 包含大量题库,对解答者进行排名。 764 | - codechef.com —— 包含编程竞赛、在线程序设计挑战,题目难度从入门、简单、中等到挑战都有,会举办竞赛,获胜者会有奖金。 765 | - topcoder.com —— 经常在线举行编程竞赛,可以去练练手,找找成就感。不过,有的竞赛题目并不简单,也比较刁钻。 766 | - 各种语言算法实现 767 | - [String matching - Rosetta Code](https://www.rosettacode.org/wiki/String_matching) 768 | 769 | 部分参考至:[有程序员专门刷题的网站吗? - 知乎](https://www.zhihu.com/question/36488823/answer/173370435) 770 | 771 | ## 面试 772 | 773 | - [CyC2018/CS-Notes: 技术面试必备基础知识、Leetcode、计算机操作系统、计算机网络、系统设计、Java、Python、C++](https://github.com/CyC2018/CS-Notes) 774 | - [Snailclimb/JavaGuide: 「Java学习+面试指南」一份涵盖大部分 Java 程序员所需要掌握的核心知识。准备 Java 面试,首选 JavaGuide!](https://github.com/Snailclimb/JavaGuide) 775 | 776 | ## 论文、会议及期刊 777 | 778 | - 汇总: 779 | - [Conference | Synced](https://syncedreview.com/category/conference/) 780 | - [ML, DM, and AI Conference Map](http://www.kamishima.net/archive/MLDMAImap.pdf) 781 | 782 | - 按时间 783 | - Feb: [AAAI | Association for the Advancement of Artificial Intelligence](https://www.aaai.org/) 784 | - Apr: [EACL | The European Chapter of the ACL](http://eacl.org/) 785 | - Jun: [SIGIR | Special Interest Group on Information Retrieval](http://sigir.org/) 786 | - Jul: [NAACL | North American Chapter of the ACL (Association for Computational Linguistics)](https://naacl.org/) 787 | 788 | - Jul: [ICML | International Conference on Machine Learning](https://icml.cc/) 789 | - Dec: [NIPS | Conference on Neural Information Processing Systems](https://nips.cc/) 790 | 791 | 792 | - 自然语言处理(NLP) 793 | - 会议:[ACL Wiki](https://aclweb.org/aclwiki/Main_Page) 794 | - 会议:[emnlp2017](http://emnlp2017.net/) 795 | - 会议:[NAACL: North American Chapter of the ACL](http://naacl.org/) 796 | - 会议:[COLING 2018](http://coling2018.org/) 797 | - 会议:[CoNLL 2017 | CoNLL](http://www.conll.org/) 798 | - 会议(国内):[CCL 2018](http://www.cips-cl.org/static/CCL2018/index.html) 799 | - 会议(国内):[NLPCC 2018 Home](http://tcci.ccf.org.cn/conference/2018/) 800 | - 会议(国内):[SMP2018 - 第七届全国社会媒体处理大会](http://smp2018.cips-smp.org/) 801 | - 会议(国内):[CFP](https://easychair.org/cfp/ccir2018) 802 | - 会议(国内):[机器翻译论坛网 - 首页](http://mtforum.niutrans.com/index.html) 803 | - 会议(国内):[中国中文信息学会(CIPS)青年工作委员会 2018 年学术活动安排](http://www.cipsc.org.cn/qngw/?p=1248) 804 | - 会议(国内):[中国中文信息学会暑期学校](http://www.cipsc.org.cn/pic_content.php?&xuhao=80) 805 | - 期刊:[Computational Linguistics | MIT Press Journals](https://www.mitpressjournals.org/loi/coli) 806 | - 期刊:[中国中文信息学会](http://www.cipsc.org.cn/) 807 | - 论文:[Computation and Language](https://arxiv.org/list/cs.CL/recent) 808 | 809 | 810 | - 机器学习(ML) 811 | - 会议:[NIPS](https://nips.cc/) 812 | - 会议:[ICML](https://icml.cc/) 813 | - 会议:[AISTATS](http://www.aistats.org/) 814 | - 会议:[Association for Uncertainty in Artificial Intelligence](http://www.auai.org/) 815 | - 论文:[Machine Learning](https://arxiv.org/list/stat.ML/recent) 816 | - 期刊:[Journal of Machine Learning Research Homepage](http://www.jmlr.org/) 817 | - 期刊:[Machine Learning](http://www.springer.com/computer/ai/journal/10994) 818 | 819 | 820 | - 人工智能(AI) 821 | - 会议:[Association for the Advancement of Artificial Intelligence](https://www.aaai.org/) 822 | - 会议:[Welcome to IJCAI 2017!](https://ijcai-17.org/) 823 | - 期刊:[Artificial Intelligence - Journal - Elsevier](https://www.journals.elsevier.com/artificial-intelligence/) 824 | - 期刊:[JAIR](http://www.jair.org/) 825 | 826 | 827 | - 数据挖掘(DM) 828 | - 会议:[KDD](http://www.kdd.org/kdd2017/) 829 | - 会议:[CIKM 2017](http://www.cikm2017.org/) 830 | - 会议:[SIGIR | Special Interest Group on Information Retrieval](http://sigir.org/) 831 | - 会议:[WSDM](http://www.wsdm-conference.org/2018/) 832 | 833 | 834 | - 推荐系统(RS) 835 | - [RecSys – ACM Recommender Systems](https://recsys.acm.org/) 836 | 837 | ## 小工具 838 | 839 | - Latex 图片转公式:[Mathpix Snip](https://mathpix.com/) 840 | 841 | - 正版软件代理:[数码荔枝 - 专注于分享最新鲜优秀的正版软件](https://www.lizhi.io/) 842 | - [Spectacle](https://www.spectacleapp.com/): Mac 窗口拖拉 843 | 844 | 845 | ## 致谢 846 | 847 | - 所有作者,是你们的智慧让我们感受到了知识的力量;所有传播者,是你们的乐于分享让我们在探索路上不再孤单彷徨。 848 | 849 | 850 | - [童老师](https://github.com/demon386),资深算法工程师,牛人。其实相当大一部分内容来自童老师,从他身上学到太多东西,以至于现在还才消化了一丢丢。[明生的博客 | Scott's Blog](http://scottming.com/),自称木讷的程序猿,他的吐槽和对代码优雅的执着追求让我被迫改变了很多。 851 | --------------------------------------------------------------------------------