GitHub地址:https://github.com/tensorflow/
一個核心開源庫,可以幫助您開發和訓練機器學習模型。您可以通過直接在瀏覽器中運行 Colab 筆記本來快速上手。
TensorFlow is an end-to-end open source platform for machine learning. It has a comprehensive, flexible ecosystem of tools, libraries, and community resources that lets researchers push the state-of-the-art in ML and developers easily build and deploy ML-powered applications.
TensorFlow was originally developed by researchers and engineers working on the Google Brain team within Google's Machine Intelligence Research organization to conduct machine learning and deep neural networks research. The system is general enough to be applicable in a wide variety of other domains, as well.
譯文:
TensorFlow是一個端到端的機器學習開源平台。它擁有一個全面、靈活的工具、庫和社區資源生態系統,使研究人員能夠推動ML方面的最新技術,並使開發人員能夠輕松構建和部署ML驅動的應用程序。 TensorFlow最初是由谷歌機器智能研究組織谷歌Brain團隊的研究人員和工程師開發的,用於進行機器學習和深度神經網絡研究。該系統足夠通用,也可以應用於各種其他領域。
GitHub地址:https://github.com/BVLC/caffe
Caffe,全稱Convolutional Architecture for Fast Feature Embedding,是一個兼具表達性、速度和思維模塊化的深度學習框架。由伯克利人工智能研究小組和伯克利視覺和學習中心開發。雖然其內核是用C++編寫的,但Caffe有Python和Matlab 相關接口。
Caffe is a deep learning framework made with expression, speed, and modularity in mind. It is developed by Berkeley AI Research (BAIR) and by community contributors. Yangqing Jia created the project during his PhD at UC Berkeley. Caffe is released under the BSD 2-Clause license.
譯文:Caffe是一個基於表達、速度和模塊化的深度學習框架。它是由伯克利人工智能研究(BAIR)和社區貢獻者開發的。賈揚青在加州大學伯克利分校攻讀博士學位時創建了這個項目。Caffe是在BSD 2條款許可下發布的。
CAFFE是另一個面向圖像處理領域的、比較流行的深度學習框架,它是由賈陽青(Yangqing Jia)在加利福尼亞伯克利大學讀博士期間開發的。同樣,它也是開源的!首先,Caffe對遞歸網絡和語言建模的支持不如上述三個框架。但是Caffe最突出的地方是它的處理速度和從圖像中學習的速度。
GitHub地址:https://github.com/apache/incubator-mxnet
Apache MXNet(孵化)是一個深度學習框架,旨在提高效率和靈活性。它允許您混合符號和命令式編程,以最大限度地提高效率和生產力。MXNet的核心是一個動態依賴調度程序,可以動態地自動並行化符號和命令操作。最重要的圖形優化層使符號執行更快,內存效率更高。MXNet便攜且輕巧,可有效擴展到多個GPU和多台機器。
MXNet也不僅僅是一個深度學習項目。它還是用於構建深度學習系統的藍圖和指南的集合,以及針對黑客的DL系統的有趣見解。
GitHub地址:https://github.com/pjreddie/darknet
Darknet is an open source neural network framework written in C and CUDA. It is fast, easy to install, and supports CPU and GPU computation.
譯文:Darknet是一個用C和CUDA編寫的開源神經網絡框架。它速度快,易於安裝,並支持CPU和GPU計算。
GitHub地址:http://github.com/torch/torch7
Torch is a scientific computing framework with wide support for machine learning algorithms that puts GPUs first. It is easy to use and efficient, thanks to an easy and fast scripting language, LuaJIT, and an underlying C/CUDA implementation.
Torch是一個科學計算框架,廣泛支持將gpu放在首位的機器學習算法。它易於使用且高效,這要歸功於簡單且快速的腳本語言LuaJIT和底層的C/CUDA實現。
# 擴展了解《pytorch和torch框架對比(區別 聯系)》
GitHub地址:https://github.com/pytorch
PyTorch是一個基於Torch的Python開源機器學習庫,用於自然語言處理等應用程序。它主要由Facebookd的人工智能小組開發,不僅能夠 實現強大的GPU加速,同時還支持動態神經網絡,這一點是現在很多主流框架如TensorFlow都不支持的。 PyTorch提供了兩個高級功能: * 具有強大的GPU加速的張量計算(如Numpy) * 包含自動求導系統的深度神經網絡
除了Facebook之外,Twitter、GMU和Salesforce等機構都采用了PyTorch。
GitHub地址:https://github.com/onnx/onnx
ONNX is an open format built to represent machine learning models. ONNX defines a common set of operators - the building blocks of machine learning and deep learning models - and a common file format to enable AI developers to use models with a variety of frameworks, tools, runtimes, and compilers.
譯文:ONNX是一種用於表示機器學習模型的開放格式。ONNX定義了一組通用的操作符——機器學習和深度學習模型的構建塊——以及一種通用的文件格式,使AI開發人員能夠使用各種框架、工具、運行時和編譯器來使用模型。
開放神經網絡交換(Open Neural Network Exchange)簡稱ONNX是微軟和Facebook提出用來表示深度學習模型的開放格式。所謂開放就是ONNX定義了一組和環境,平台均無關的標准格式,來增強各種AI模型的可交互性。
GitHub地址:https://github.com/keras-team/keras
Keras is a deep learning API written in Python, running on top of the machine learning platform TensorFlow. It was developed with a focus on enabling fast experimentation. Being able to go from idea to result as fast as possible is key to doing good research.
譯文:Keras是一個用Python編寫的深度學習API,運行在機器學習平台TensorFlow之上。它的開發重點是實現快速實驗。能夠盡可能快地從想法到結果是做好研究的關鍵。
Github地址:https://github.com/eclipse/deeplearning4j/
Open-source, distributed, deep learning library for the JVM,Deep Learning for Java
譯文:開源,分布式,JVM的深度學習庫,Java的深度學習
X-DeepLearning(阿里)
GitHub地址:https://github.com/alibaba/x-deeplearning
X-DeepLearning的計划是業界首個面向廣告、推薦、搜索等高維稀疏數據場景的深度學習開源框架,可以與TensorFlow、PyTorch 和 MXNet 等現有框架形成互補。
X-Deep Learning(下文簡稱XDL)由阿里巴巴旗下大數據營銷平台阿里媽媽基於自身廣告業務自主研發,已經大規模部署應用在核心生產場景。
XDL整體上跟TensorFlow和PyTorch是同級的,它們很好地解決了目前已有開源深度學習框架分布式運行能力不足,以及大規模稀疏特征表征學習能力不足的問題。
XDL 采用了“橋接”的架構設計理念。
ncnn (騰訊優圖)
GitHub地址:https://github.com/Tencent/ncnn/tree/master/benchmark
Gitee地址:https://gitee.com/cloud_lee/ncnn
ncnn 是一個為手機端極致優化的高性能神經網絡前向計算框架。ncnn 從設計之初深刻考慮手機端的部署和使用。無第三方依賴,跨平台,手機端 cpu 的速度快於目前所有已知的開源框架。基於 ncnn,開發者能夠將深度學習算法輕松移植到手機端高效執行,開發出人工智能 APP,將 AI 帶到你的指尖。ncnn 目前已在騰訊多款應用中使用,如 QQ,Qzone,微信,天天P圖等。
GitHub地址:https://github.com/Jittor/Jittor
Jittor is a high-performance deep learning framework based on JIT compiling and meta-operators. The whole framework and meta-operators are compiled just-in-time. A powerful op compiler and tuner are integrated into Jittor. It allowed us to generate high-performance code with specialized for your model. Jittor also contains a wealth of high-performance model libraries, including: image recognition, detection, segmentation, generation, differentiable rendering, geometric learning, reinforcement learning, etc.
譯文:Jittor是一個基於JIT編譯和元操作符的高性能深度學習框架。整個框架和元操作符都是即時編譯的。Jittor集成了一個強大的op編譯器和調優器。它允許我們生成專門針對您的模型的高性能代碼。Jittor還包含了豐富的高性能模型庫,包括:圖像識別、檢測、分割、生成、可微分渲染、幾何學習、強化學習、等等
MindSpore(昇思)(華為)
GitHub地址:https://github.com/mindspore-ai/mindspore
Gitee地址:https://gitee.com/mindspore/mindspore
MindSpore是一種適用於端邊雲場景的新型開源深度學習訓練/推理框架。 MindSpore提供了友好的設計和高效的執行,旨在提升數據科學家和算法工程師的開發體驗,並為Ascend AI處理器提供原生支持,以及軟硬件協同優化。
飛槳(百度)
GitHub地址:https://github.com/paddlepaddle/paddle
飛槳開源框架(PaddlePaddle)是一個易用、高效、靈活、可擴展的深度學習框架。
# 擴展學習
CUDA(Compute Unified Device Architecture),是顯卡廠商NVIDIA推出的運算平台。 CUDA™是一種由NVIDIA推出的通用並行計算架構,該架構使GPU能夠解決復雜的計算問題。 它包含了CUDA指令集架構(ISA)以及GPU內部的並行計算引擎。