Artificial Intelligence & Computer Vision & ML and DL

Ref:face_recognitionjavascript

Ref:seetafacephp

Ref:百度AI開放平臺html

Ref:Face++開放平臺java

Ref:Cognitive Servicesnode

Ref:AForge.NET 入門python

Ref:調用 AForge.NET Framework 啓動攝像頭c++

Ref:.NET開源工程推薦(Accord,AForge,Emgu CV)git

Ref:http://www.aforgenet.com/framework/程序員

Ref:http://www.aforgenet.com/framework/features/motion_detection_2.0.htmlgithub

Ref:https://www.codeguru.com/columns/dotnet/computer-vision-using-aforge.net.html

Ref:http://www.arcsoft.com.cn/ai/arcface.html

Ref:http://www.emgu.com/wiki/index.php/Main_Page

Ref:http://www.emgu.com/wiki/index.php/Tutorial

Ref:Mac下dlib安裝

Ref:Python3.6+dlib19.4在Mac下環境搭建

Ref:http://www.learnopencv.com/facial-landmark-detection

Ref:http://www.th7.cn/Program/Python/201511/706515.shtml

Ref:應用一個基於Python的開源人臉識別庫,face_recognition

Ref:http://www.intorobotics.com/how-to-detect-and-track-object-with-opencv/

Ref:http://www.shervinemami.info/faceRecognition.html

Ref:https://www.pyimagesearch.com/2015/11/09/pedestrian-detection-opencv/

Ref:http://introlab.github.io/find-object/

Ref:https://github.com/TadasBaltrusaitis/OpenFace

Ref:https://github.com/TadasBaltrusaitis/CLM-framework

Ref:行人檢測(Pedestrian Detection)資源

Ref:YOLO: Real-Time Object Detection

Ref:目標檢測方法系列——R-CNN, SPP, Fast R-CNN, Faster R-CNN, YOLO, SSD

Ref:SeetaFace編譯案例(windows&Android)

Ref:機器視覺開源代碼集合

  

Start CPU only container

$ docker run -it -p 8888:8888 tensorflow/tensorflow

Go to your browser on http://localhost:8888/

Start GPU (CUDA) container

Install nvidia-docker and run

$ nvidia-docker run -it -p 8888:8888 tensorflow/tensorflow:latest-gpu

Go to your browser on http://localhost:8888/

Other versions (like release candidates, nightlies and more)

See the list of tags. Devel docker images include all the necessary dependencies to build from source whereas the other binaries simply have TensorFlow installed.

For more details details see

https://github.com/tensorflow/tensorflow/blob/master/tensorflow/tools/docker/README.md

 

隨時更新———我的喜歡的關於模式識別、機器學習、推薦系統、圖像特徵、深度學習、數值計算、目標跟蹤等方面我的主頁及博客

http://blog.csdn.net/zhangping1987/article/details/29554621

 

目標檢測、識別、分類、特徵點的提取

 

David Lowe:Sift算法的發明者,天才。

 

Rob Hess:sift的源碼OpenSift的做者,我的主頁上有openSift的下載連接,Opencv中sift的實現,也是參考這個。

 

Koen van de Sande:做者給出了sift,densesift,colorsift等等經常使用的特徵點程序,輸出格式見我的主頁說明,固然這個特徵點的算法,在Opencv中都有實現。

 

Ivan Laptev:做者給出了物體檢測等方面豐富C\C++源碼,及部分訓練好的檢測器(包括汽車,行人,摩托車,馬,貓臉的檢測器)。

 

Navneet Dalal:HOG算子的做者,我的主頁上有他本人的博士論文,寫的異常精彩,還有HOG源碼連接,固然強大的Opencv已經復現了一遍。

 

Anna Bosch:PHOG算法的做者及源碼。

 

Carl Vondrick:做者主頁上呈現了兩個很是好的項目Video Annotation Tool(視頻標註)和iHOG,iHOG頗有意思的解釋了,爲何HOG算法會誤判的緣由。哇!哇!精彩!

 

Antonio Torralba:場景識別GIST算子(Matlab)的做者,固然我的主頁張還有sift folow等等源碼,偷着樂吧,Gist的C代碼

 

Svetlana Lazebnik:空間金字塔匹配的做者,我的主頁上有物體檢測和識別的豐富源碼。

 

Kristen Grauman:2011年的marr prize的得主,美女,源碼libpmk的做者,我的主頁還有其餘物體檢測和識別的文檔和源碼。

 

Pablo F. Alcantarilla:kaze和akaze特徵點的做者,聽說比sift要好,做者的我的主頁上給出了這兩種特徵點的C++代碼,高興啊!

 

Pedro Felzenszwalb:近幾年的物體識別競賽,大都是根據他的源碼的框架,Discriminatively trained deformable part models,直到2012年,該算法的版本是5,做者我的主頁上有連接。

Opencv中,有該算法的復現,可是,沒有訓練的部分,只有檢測的部分,latentsvmdetector。

在\opencv\sources\samples\cpp文件夾中,有一個latentsvm_multidetect.cpp文件,搭好環境,運行,而後,準備好圖片(http://pascallin.ecs.soton.ac.uk/challenges/VOC/)和常見的20種分類器:

 

就能夠作物體檢測了。

沙發檢測                                                                    自行車檢測

 

貓檢測                                                                    汽車檢測

   

其餘物體的檢測,就不一一列舉了。

 

 

Deva Ramanan:Histograms of Sparse Codes(HSC)算法的第二做者,做者的我的主頁上有除了物體識別檢測,還有幾個跟蹤算法的源碼。

 

Xiaofeng Ren:Histograms of Sparse Codes(HSC)算法的第一做者,做者的我的主頁有豐富的源碼。

 

Ce Liu:Siftflow算法的做者,我的主頁上具備其餘算法的源碼。

 

Derek Hoiem:(很是喜歡)我的主頁有物體識別,檢測的源碼,並且有Logistic Regression of Adaboost源碼,並且我的主頁上有不少他的學生的我的主頁連接。

 

Sergey Karayev:做者的我的主頁上有基於顏色的圖像檢索,目標識別的研究成果。

 

Aditya Khosla:做者研究興趣是人的行爲檢測,目標識別,等。

 

Ming-Ming Cheng:(mmcheng.net)

關注論文《BING: Binarized Normed Gradients for Objectness Estimation at 300fps》

 

Boris Babenko:還沒開始看

 

Juergen Gall:hough forest的做者

 

Kaiming He:darkchannel的做者

 

Timo Ojala:LBP特徵的做者

 

Cewu Lu:CVPR2014,晴天陰天的識別

————————————————————————————————————————————

還有一些沒仔細看:不少源碼

Yangqing Jia

Aaron Hertzmann

Alexei (Alyosha) Efros

————————————————————————————————————————————

圖像分割:

Pablo Arbelaez

 

 

———————————————————————————————————————————————

圖像檢索、特徵點匹配:

Yossi Rubner:(這個我的主頁連接可能打不開,百度這個網址http://ai.stanford.edu/~rubner/根據提示打開就能夠了)圖像檢索EMD距離的原做者,做者給出了C源碼,Opencv中給出了復現,具體能夠參看這篇文章

 

Ofir Pele:EMD距離的改進,做者我的主頁上給出了源碼(C++\Matlab)。

 

Haibin Ling:EMD_L1算法的做者,並且做者給我C++代碼

 

Qin Lv:美女教師,對EMD的應用講解的很好

 

VisualSEEK

 

顏色信息:

A Data Set for Fuzzuy Color Naming

Joost van de Weujer

Joost van de Weujer

Inderjit S. Dhillon

JianChao Yang

Rahat Khan:《Discriminative Color Descriptor》的做者

Robert Benavente:color naming TSEmodel

Graphics Gems Repository

 

色差公式

 

 

圖像其餘算法

Jiaya Jia:香港大學,發明的圖像去模糊算法,處於世界領先水平,我的主頁上有豐富的源碼,超級喜歡。

Mohamed Aly:這個我的主頁是無心中發現的,他研究了公路上各類直線(斑馬線等)等的檢測,並給出了源碼。

 

__________________________________________________________________________________________________________________________________

人工智能博客:

Utkarsh:這個博客裏寫了好多關於OpenCV的項目,是一個很是好的學習資源。

Sebastian Montabone:做者寫了一些很好的資料。

鉛筆素描:

Henry Kang

Sven Olsen

ilab

LIC

 

———————————————————————————————————————————————

機器學習及並行機器學習、模式識別:

dlib:人臉識別

Rakesh Agrawal:關聯規則算法的原做者

Ramakrishnan Srikant :關聯規則算法的原做者

 

Andrew Ng谷歌大腦之父,是斯坦福大學科學系和電子工程系副教授,人工智能實驗室主任。吳恩達是人工智能和機器學習領域國際上最權威的學者之一。吳恩達也是在線教育平臺Coursera的聯合創始人(withDaphne Koller)。

        2013年,吳恩達入選《時代》雜誌年度全球最有影響力100人,成爲16位科技界表明之一。
        他的機器學習公開課: 網易機器學習公開課。聽一位大師,講數學,原來是如今生動!並配有機器學習講義。看完,以後,會對機器學習算法的認識有一個質的飛越。

Edward Chang:我是在吳軍老師的《數學之美》中看到張智威老師,解決了並行SVD算法,可是,如今尚未任何關於這方面的資料。張智威老師的我的主頁上,給出了關於並行支持向量機的算法,有一篇文章的符號,有一點混亂,我在 這裏給出了從新的計算和梳理。

Andrea Vedaldi:vlfeat源碼的管理者之一,它近期寫的關於支持向量機的文章非常喜歡,做者我的主頁提供很是豐富的Matlab和C源碼。

Ashesh Jain:做者的研究興趣是機器學習和凸優化。做者的我的主頁上有支持向量機的多核學習(Multiple Kernel Learning)源碼。

Lin Chih-Jen:公認的最好的支持向量機開源 libsvm,能夠很好作Mercer Kernel作擴展,我添加經常使用 11個Mercer核,並 加在了libsvm中。推薦系統源碼 libmf。非負矩陣分解源碼 NMF

Journal of Machine Learning Research:在線提供了很是多的機器學習論文及源碼,我的很是喜歡。

Martin Ester:基於密度的聚類算法DBSCAN的做者。做者主頁上有他的全部著做。

Department of Computer Science Database Systems Group:聚類

Jiawei Han:關聯規則算法之FP_tree的做者

Geoffrey E. Hinton:Deep Learning(無需多說)

Josef Sivic:PLSA的源碼

Thomas Hofmann:PLSA的原做者

David M. Blei:LDA的做者,做者提供源碼

gustau camps-valls:libsvm有關,還沒看

Andrew I. Schein: LogisticPCA的做者
Boost家族:

Yoav Freund:AdaBoost算法的做者主頁

Jerome H. Friedman:LogitBoost和 Gradient Boost迴歸算法的做者主頁,並有這些算法的R語言源碼。
《Stochastic Gradient Boosting》
《Greedy Function Approximation: A Gradient Boosting Machine》
《Additive Logistic Regression:a Statistical View of Boosting 》必須打印,認真研究的論文
 
k-means And Kd-tree

邊緣檢測、圖像濾波、閾值處理
-------------------------------------------------------------------------------------------------------------------
Eduardo Simões Lopes Gastal:多種圖像平滑算法
快速 雙邊濾波
http://inf.ufrgs.br/~eslgastal/NonUniformFiltering/
http://www.inf.ufrgs.br/~eslgastal/AdaptiveManifolds/Application_Examples/
Raanan Fattal :WLS圖像平滑
Dani Lischinski:最小二乘

————————————————————————————————————————————————————————————————————————————

計算機視覺團隊:這三個團隊主頁上,提供了圖像和視頻算法的大量研究成果

 

DVMM Lab

MCL

 

CMV HOME

 

Vision Lab

 

UCSD

LEAR

 

Visual Geometry Group

 

Multimedia Laboratory

 

SLI

 

Color Group

 

computer Vision Lab

 

 

LAMP

 

Spectral Color Research

 

-----------------------

USC

___________________________________________________________________________________________________________________________________

推薦系統:

libFM

Yehuda Koren:Netflix prize 推薦系統算法冠軍成員, SVD++

__________________________________________________________________________________________________________________________________

數值計算:

LinPack:線性最小二乘,矩陣的奇異值分解等

Lapack

MinPack:非線性最小二乘

跟蹤算法:

http://research.milanton.de/index.html

跟蹤算法的綜述

SHENGFENG He:LSH

Anton Milan

João F. Henriques

colorTrack

 

其餘經常使用的圖像處理庫:

Leptonica

Tesseract

 

運動物體檢測

vibe

IVS(背景建模)綜述

天然語言處理:

譚鬆波:中文文本分類語料庫

 

數據的可視化:

D3.js-english

Paper.js

sigmajs

d3.js

神經網絡

神經網絡

 

 

基於顏色檢索的參考網站:

https://www.etsy.com/color.php

http://labs.tineye.com/multicolr/

顏色程度

------------------------------------------------------

機率霍夫檢測

Jiri MATAS 

http://www.sunshine2k.de/coding/java/Houghtransformation/HoughTransform.html

http://www.keymolen.com/2013/05/hough-transformation-c-implementation.html

 

深度學習:

深度學習科普文章

CNN-做者

Brandon Amos

深度學習可視化插件

卷積運算

卷積神經網絡的反向卷積卷積神經網絡的反向卷積算法

 

         

 

關於OpenCV的特徵點的一些好的博客:

團塊檢測

傅里葉變換

 

YOLOv2物體檢測

物體檢測中經常使用的幾個概念遷移學習、IOU、NMS理解

YOLOv2訓練本身的數據集(VOC格式)

YOLOv2訓練本身的數據集(識別海蔘)

keras-yolo3(A Keras implementation of YOLOv3 (Tensorflow backend) inspired by allanzelener/YAD2K.)

 

Keras

Keras中文文檔 | 預訓練權重的Keras模型 | https://github.com/ufoym/deepoDeep Learning with Docker

一、keras系列︱Sequential與Model模型、keras基本結構功能(一) 
二、keras系列︱Application中五款已訓練模型、VGG16框架(Sequential式、Model式)解讀(二) 
三、keras系列︱圖像多分類訓練與利用bottleneck features進行微調(三) 
四、keras系列︱人臉表情分類與識別:opencv人臉檢測+Keras情緒分類(四) 
五、keras系列︱遷移學習:利用InceptionV3進行fine-tuning及預測、完整案例(五)

深度學習:Keras入門(一)之基礎篇

深度學習:Keras入門(二)之卷積神經網絡(CNN)

Keras 教程系列 | 莫煩Python

 

其餘

我愛天然語言處理

開放的中文知識圖譜

一名程序媛的IT資源整理

TensorFlow 中文社區

用Python Pandas處理億級數據

Beautiful Soup 4.2.0 文檔

Jupyter 常見可視化框架選擇

用 Scikit-Learn 和 Pandas 學習線性迴歸

Scikit-Learn 中文文檔

伯樂在線-機器學習

圖解機器學習

Which machine learning algorithm should I use?

普通程序員如何轉向AI方向

從機器學習談起

神經網絡淺講:從神經元到深度學習

開發者頭條-AI

segmentfault-機器學習

有趣的機器學習概念縱覽:從多元擬合,神經網絡到深度學習,給每一個感興趣的人

在你上司靠近你座位時,用人臉識別技術及時屏幕切換

TensorFlow和深度學習入門教程(TensorFlow and deep learning without a PhD)

An Introduction to Machine Learning Theory and Its Applications: A Visual Tutorial with Examples

Deeplearning4j (DL4J)

DL4J與Torch、Theano、TensorFlow、Caffe、Paddle、MxNet、Keras 和 CNTK的比較

23 種深度學習庫排行榜:TensorFlow、Keras、Caffe 佔據前三!

超詳細配置Caffe(gpu版本+ubuntu16.04)考慮各類問題

神機喵算

多是近期最好玩的深度學習模型:CycleGAN的原理與實驗詳解

推薦-2018年最值得讀的12本深度學習相關的書

深度學習中如何選擇一款合適的GPU卡的一些經驗和建議分享

如何配置一臺適用於深度學習的工做站?

深度學習論文閱讀路線圖

適合入門的8個趣味機器學習項目

GitHub 上 57 款最流行的開源深度學習項目

一文讀懂 CNN、DNN、RNN 內部網絡結構區別

從神經元到CNN、RNN、GAN…神經網絡看本文絕對夠了

卷積神經網絡CNN經典模型整理Lenet,Alexnet,Googlenet,VGG,Deep Residual Learning

秒懂!何凱明的深度殘差網絡PPT是這樣的|ICML2016 tutorial

機器學習方法系列,深度學習方法系列,三十分鐘理解系列等

深度學習如何入門?

吳恩達深度學習

吳恩達機器學習

http://cuijiahua.com

http://aishack.in

http://neuralnetworksanddeeplearning.com

https://github.com/Microsoft/MMdnn

MMdnn is a set of tools to help users inter-operate among different deep learning frameworks. E.g. model conversion and visualization. Convert models between Caffe, Keras, MXNet, Tensorflow, CNTK, PyTorch and CoreML.

deeplearning.net

深度學習開源項目整理

轉自https://silencezjl.coding.me/2017/05/01/%E5%81%B7%E4%B8%80%E6%B3%A2%E8%B5%84%E6%BA%90/

 

Deeplearining Datasets

http://deeplearning.net/datasets/

深度學習視覺領域經常使用數據集彙總

https://mp.weixin.qq.com/s?__biz=MzAxMzA2MDYxMw==&mid=2651558991&idx=1&sn=ce7356d00d83e997a8a741779468ce78

數據集大全:25個深度學習的開放數據集

https://yq.aliyun.com/articles/576274

深度學習經常使用的Data Set數據集和CNN Model總結

https://blog.csdn.net/qq_17448289/article/details/52850223

 

基於TensorFlow的框架 
https://github.com/fchollet/keras 
https://github.com/tflearn/tflearn 
https://github.com/beniz/deepdetect 
https://github.com/tensorflow/fold 
https://github.com/leriomaggio/deep-learning-keras-tensorflow

 

精選入門教程 
https://github.com/tensorflow/models 
https://github.com/aymericdamien/TensorFlow-Examples 
https://github.com/donnemartin/data-science-ipython-notebooks 
https://github.com/jtoy/awesome-tensorflow 
https://github.com/jikexueyuanwiki/tensorflow-zh 
https://github.com/nlintz/TensorFlow-Tutorials 
https://github.com/pkmital/tensorflow_tutorials 
https://github.com/deepmind/learning-to-learn 
https://github.com/BinRoot/TensorFlow-Book 
https://github.com/jostmey/NakedTensor 
https://github.com/alrojo/tensorflow-tutorial 
https://github.com/CreatCodeBuild/TensorFlow-and-DeepLearning-Tutorial 
https://github.com/sjchoi86/Tensorflow-101 
https://github.com/chiphuyen/tf-stanford-tutorials 
https://github.com/google/prettytensor 
https://github.com/ahangchen/GDLnotes 
https://github.com/Hvass-Labs/TensorFlow-Tutorials 
https://github.com/NickShahML/tensorflow_with_latest_papers 
https://github.com/nfmcclure/tensorflow_cookbook 
https://github.com/ppwwyyxx/tensorpack 
https://github.com/rasbt/deep-learning-book 
https://github.com/pkmital/CADL 
https://github.com/tensorflow/skflow

 

無人駕駛 
https://github.com/kevinhughes27/TensorKart 
https://github.com/SullyChen/Autopilot-TensorFlow

 

深度強化學習 

https://github.com/dennybritz/reinforcement-learning 
https://github.com/zsdonghao/tensorlayer 
https://github.com/matthiasplappert/keras-rl 
https://github.com/nivwusquorum/tensorflow-deepq 
https://github.com/devsisters/DQN-tensorflow 
https://github.com/coreylynch/async-rl 
https://github.com/carpedm20/deep-rl-tensorflow 
https://github.com/yandexdataschool/Practical_RL

 

天然語言處理 
文本分類

https://github.com/dennybritz/cnn-text-classification-tf

 

序列建模

https://github.com/google/seq2seq

 

中文分詞

https://github.com/koth/kcws

 

基於文本的圖像合成

https://github.com/paarthneekhara/text-to-image

 

RNN語言建模

https://github.com/sherjilozair/char-rnn-tensorflow 

https://github.com/silicon-valley-data-science/RNN-Tutorial

 

神經圖靈機

https://github.com/carpedm20/NTM-tensorflow

 

小黃雞

https://github.com/wong2/xiaohuangji

 

語音領域 
語音合成

https://github.com/ibab/tensorflow-wavenet 
https://github.com/tomlepaine/fast-wavenet

 

語音識別

https://github.com/buriburisuri/speech-to-text-wavenet 
https://github.com/pannous/tensorflow-speech-recognition

 

計算機視覺

風格轉換

https://github.com/anishathalye/neural-style 
https://github.com/cysmith/neural-style-tf

 

運用GAN圖像生成

https://github.com/carpedm20/DCGAN-tensorflow

 

圖像到圖像的翻譯

https://github.com/affinelayer/pix2pix-tensorflow

 

圖像超分辨

https://github.com/Tetrachrome/subpixel

 

人臉識別

https://github.com/davidsandberg/facenet

 

目標檢測

https://github.com/TensorBox/TensorBox

 

運動識別

https://github.com/guillaume-chevalier/LSTM-Human-Activity-Recognition

 

圖像復原

https://github.com/bamos/dcgan-completion.tensorflow

 

生成模型

https://github.com/wiseodd/generative-models

 

TensorFlow實時debug工具 
https://github.com/ericjang/tdb

 

TensorFlow在樹莓派上的應用 
https://github.com/samjabrahams/tensorflow-on-raspberry-pi

 

TensorFlow基於R的應用 
https://github.com/rstudio/tensorflow

 

實時Spark與TensorFlow的輸入pipeline 
https://github.com/fluxcapacitor/pipeline 
https://github.com/yahoo/TensorFlowOnSpark

 

caffe與TensorFlow結合 
https://github.com/ethereon/caffe-tensorflow

 

機率建模 
https://github.com/blei-lab/edward

 

大牛github網址收藏 

關於文本分類:https://github.com/ChengjinLi/machine_learning 

關於聊天機器人:https://github.com/MarkWuNLP/MultiTurnResponseSelection

 

博客關於物體識別 

https://pjreddie.com/darknet/yolo/

 

基於知識圖譜的廚房領域問答系統構建 

http://mp.weixin.qq.com/s?__biz=MzU2NjAxNDYwMg==&mid=2247483737&idx=1&sn=97b0099d95fc2f6d304df079634d683c&chksm=fcb3a6bccbc42faabc16e325038b611eb81b487e1cd15864c4b57096a1f11646e66f72a011a2&mpshare=1&scene=1&srcid=0522alqtpJ6BaFPkxBvfFA4m#rd

 

PDF Ref

Computer Vision

Natural Language Processing

Books

Deep Reinforcement Learning

Other

100 Best GitHub: Deep Learning

Notes:

This 100 item list represents a search of github for 「deep-learning」, Nov 2017.

Resources:

Wikipedia:

References:

See also:

100 Best Deep Belief Network Videos | 100 Best Deep Learning Videos | 100 Best DeepMind Videos | 100 Best Jupyter Notebook Videos | 100 Best MATLAB Videos | Deep Belief Network & Dialog Systems | Deep Learning & Dialog Systems 2016 | Deep Reasoning Systems | DeepDive | DNLP (Deep Natural Language Processing) | MATLAB & Dialog Systems 2016 | Skipgram & Deep Learning 2016 | Word2vec Neural Network


[100x Nov 2017]

  • bvlc/caffe caffe: a fast open framework for deep learning.
  • fchollet/keras deep learning library for python. runs on tensorflow, theano, or cntk.
  • apache/incubator-mxnet lightweight, portable, flexible distributed/mobile deep learning with dynamic, mutation-aware dataflow dep scheduler;…
  • ty4z2008/qix machine learning?deep learning?postgresql?distributed system?node.js?golang
  • microsoft/cntk microsoft cognitive toolkit (cntk), an open source deep-learning toolkit
  • pytorch/pytorch tensors and dynamic neural networks in python with strong gpu acceleration
  • rasmusbergpalm/deeplearntoolbox matlab/octave toolbox for deep learning. includes deep belief nets, stacked autoencoders, convolutional neural nets, …
  • ageron/handson-ml a series of jupyter notebooks that walk you through the fundamentals of machine learning and deep learning in python …
  • karpathy/convnetjs deep learning in javascript. train convolutional neural networks (or ordinary ones) in your browser.
  • tflearn/tflearn deep learning library featuring a higher-level api for tensorflow.
  • amaas/stanford_dl_ex programming exercises for the stanford unsupervised feature learning and deep learning tutorial
  • caffe2/caffe2 caffe2 is a lightweight, modular, and scalable deep learning framework.
  • davisking/dlib a toolkit for making real world machine learning and data analysis applications in c++
  • h2oai/h2o-3 open source fast scalable machine learning api for smarter applications (deep learning, gradient boosting, random for…
  • explosion/spacy ? industrial-strength natural language processing (nlp) with python and cython
  • eriklindernoren/ml-from-scratch python implementations of machine learning models and algorithms from scratch. aims to cover everything from data min…
  • chainer/chainer a flexible framework of neural networks for deep learning
  • nervanasystems/neon intel® nervana™ reference deep learning framework committed to best performance on all hardware
  • tzutalin/labelimg ? labelimg is a graphical image annotation tool and label object bounding boxes in images
  • amzn/amazon-dsstne deep scalable sparse tensor network engine (dsstne) is an amazon developed library for building deep learning (dl) ma…
  • zsdonghao/tensorlayer tensorlayer: deep learning and reinforcement learning library for researcher and engineer.
  • mlpack/mlpack mlpack: a scalable c++ machine learning library —
  • conchylicultor/deepqa my tensorflow implementation of 「a neural conversational model」, a deep learning based chatbot
  • junyanz/cyclegan software that can generate photos from paintings, turn horses into zebras, perform style transfer, and more.
  • tencent/ncnn ncnn is a high-performance neural network inference framework optimized for the mobile platform
  • phillipi/pix2pix image-to-image translation with conditional adversarial nets
  • koth/kcws deep learning chinese word segment
  • kuleshov/cs228-material teaching materials for the probabilistic graphical models and deep learning classes at stanford
  • pkmital/cadl course materials/homework materials for the free mooc course on 「creative applications of deep learning w/ tensorflow…
  • thtrieu/darkflow translate darknet to tensorflow. load trained weights, retrain/fine-tune using tensorflow, export constant graph def …
  • blei-lab/edward a library for probabilistic modeling, inference, and criticism. deep generative models, variational inference. runs o…
  • baidu/mobile-deep-learning this research aims at simply deploying cnn(convolutional neural network) on mobile devices, with low complexity and h…
  • floydhub/dl-docker an all-in-one docker image for deep learning. contains all the popular dl frameworks (tensorflow, theano, torch, caff…
  • tensorflow/skflow simplified interface for tensorflow (mimicking scikit learn) for deep learning
  • riweichen/deepface face analysis mainly based on caffe. at this time, face analysis tasks like detection, alignment and recognition have…
  • pair-code/deeplearnjs hardware-accelerated deep learning and linear algebra (numpy) library for the web.
相關文章
相關標籤/搜索