-
-
-
distiller Public
Forked from IntelLabs/distillerNeural Network Distiller by Intel AI Lab: a Python package for neural network compression research. https://nervanasystems.github.io/distiller
Jupyter Notebook Apache License 2.0 UpdatedFeb 6, 2020 -
proxylessnas Public
Forked from mit-han-lab/proxylessnas[ICLR 2019] ProxylessNAS: Direct Neural Architecture Search on Target Task and Hardware
Python Apache License 2.0 UpdatedNov 22, 2019 -
amc Public
Forked from mit-han-lab/amc[ECCV 2018] AMC: AutoML for Model Compression and Acceleration on Mobile Devices.
Python MIT License UpdatedOct 25, 2019 -
amc-compressed-models Public
Forked from mit-han-lab/amc-models[ECCV 2018] Compressed models from AMC: AutoML for Model Compression and Acceleration on Mobile Devices.
Python Apache License 2.0 UpdatedOct 25, 2019 -
haq Public
Forked from mit-han-lab/haq[CVPR 2019, Oral] HAQ: Hardware-Aware Automated Quantization with Mixed Precision
Python Apache License 2.0 UpdatedSep 23, 2019 -
zhusuan Public
Forked from thu-ml/zhusuanA Library for Generative Models
Python MIT License UpdatedJun 10, 2017 -
edward Public
Forked from blei-lab/edwardA library for probabilistic modeling, inference, and criticism. Deep generative models, variational inference. Runs on TensorFlow.
Jupyter Notebook Other UpdatedApr 4, 2017 -
pytorch Public
Forked from pytorch/pytorchTensors and Dynamic neural networks in Python with strong GPU acceleration
Python Other UpdatedMar 31, 2017 -
pgmpy Public
Forked from pgmpy/pgmpyPython Library for Probabilistic Graphical Models
Python MIT License UpdatedJan 7, 2017 -
LightGBM Public
Forked from microsoft/LightGBMLightGBM is a fast, distributed, high performance gradient boosting (GBDT, GBRT, GBM or MART) framework based on decision tree algorithms, used for ranking, classification and many other machine le…
C++ MIT License UpdatedOct 19, 2016 -
DMTK Public
Forked from microsoft/DMTKMicrosoft Distributed Machine Learning Toolkit
MIT License UpdatedOct 19, 2016 -
Paddle Public
Forked from PaddlePaddle/PaddlePArallel Distributed Deep LEarning
C++ Apache License 2.0 UpdatedOct 19, 2016 -
mxnet Public
Forked from apache/mxnetLightweight, Portable, Flexible Distributed/Mobile Deep Learning with Dynamic, Mutation-aware Dataflow Dep Scheduler; for Python, R, Julia, Scala, Go, Javascript and more
C++ Other UpdatedOct 19, 2016 -
caffe Public
Forked from BVLC/caffeCaffe: a fast open framework for deep learning.
C++ Other UpdatedOct 19, 2016 -
multiverso Public
Forked from microsoft/MultiversoParameter server framework for distributed machine learning
C++ MIT License UpdatedOct 18, 2016 -
lightLDA Public
Forked from microsoft/LightLDAScalable, fast, and lightweight system for large-scale topic modeling
C++ MIT License UpdatedSep 26, 2016 -
DeepLearningForNLP Public
implementation of stanford cs224d deep learning for natural language processing
Python UpdatedJul 15, 2016 -
-
ReinforcementLearning Public
inplementation of some well-known RL algorithms based on David Silver's lectures
Python UpdatedJun 30, 2016 -
distributed_skipgram_mixture Public
Forked from microsoft/distributed_skipgram_mixtureDistributed skipgram mixture model for multisense word embedding
C++ MIT License UpdatedJun 23, 2016 -
distributed_word_embedding Public
Forked from microsoft/distributed_word_embeddingDistributed word embedding
C++ MIT License UpdatedJun 23, 2016 -
ConvolutionalNeuralNetwork Public
implementation of Stanford cs231n convolutional neural network for visual recognition
Jupyter Notebook UpdatedJun 15, 2016 -
RestrictedBoltzmannMachine Public
implementation of Restricted Boltzmann Machine
UpdatedJun 5, 2016 -
DimensionReduction Public
Implementation of some well-known DR methods including manifold learning algorithms:PCA,kernelPCA,tsne,isomap,LLE...
-
SupportVectorMachine Public
Reimplementation of SVM in two flavours: classical way(SMO) and neural network(hinge loss, subgradient)
UpdatedMay 28, 2016 -
gym Public
Forked from openai/gymA toolkit for developing and comparing reinforcement learning algorithms.
Python MIT License UpdatedMay 9, 2016 -
DRL-FlappyBird Public
Forked from floodsung/DRL-FlappyBirdPlaying Flappy Bird Using Deep Reinforcement Learning (Based on Deep Q Learning DQN using Tensorflow)
Python UpdatedApr 16, 2016 -