DaehongKim1's Stars
google-research/bert
TensorFlow code and pre-trained models for BERT
pytorch/vision
Datasets, Transforms and Models specific to Computer Vision
kuangliu/pytorch-cifar
95.47% on CIFAR10 with PyTorch
blei-lab/edward
A probabilistic programming language in TensorFlow. Deep generative models, variational inference.
hmmlearn/hmmlearn
Hidden Markov Models in Python, with scikit-learn like API
awjuliani/DeepRL-Agents
A set of Deep Reinforcement Learning Agents implemented in Tensorflow.
golbin/TensorFlow-Tutorials
텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다
lakshayg/tensorflow-build-archived
TensorFlow binaries supporting AVX, FMA, SSE
zhoubolei/CAM
Class Activation Mapping
autonomio/talos
Hyperparameter Experiments with TensorFlow and Keras
sjchoi86/dl_tutorials
Deep learning tutorials (2nd ed.)
pkmital/CADL
ARCHIVED: Contains historical course materials/Homework materials for the FREE MOOC course on "Creative Applications of Deep Learning w/ Tensorflow" #CADL
akamaster/pytorch_resnet_cifar10
Proper implementation of ResNet-s for CIFAR10/100 in pytorch that matches description of the original paper.
larsmans/seqlearn
Sequence learning toolkit for Python
hwalsuklee/tensorflow-mnist-VAE
Tensorflow implementation of variational auto-encoder for MNIST
ratsgo/embedding
한국어 임베딩 (Sentence Embeddings Using Korean Corpora)
rlcode/reinforcement-learning-kr
[파이썬과 케라스로 배우는 강화학습] 예제
chengyangfu/pytorch-vgg-cifar10
This is the PyTorch implementation of VGG network trained on CIFAR10 dataset
ucbdrive/skipnet
Code for SkipNet: Learning Dynamic Routing in Convolutional Networks (ECCV 2018)
aailabkaist/Introduction-to-Artificial-Intelligence-Machine-Learning
Apache 2.0 License
rickiepark/first-steps-with-tensorflow
도서 '텐서플로 첫걸음'의 예제 주피터 노트북입니다.
gastonstat/arcdiagram
R package arcdiagram
jramapuram/CVAE
Convolutional Variational Autoencoder
junkwhinger/grad_cam
mingukkang/VAE-tensorflow
Code for Variational AutoEncoder(VAE) using tensorflow
taku-y/pymc3
Probabilistic Programming in Python. Uses Theano as a backend and includes the NUTS sampler.
DaehongKim1/bhtsne
Barnes-Hut t-SNE
DaehongKim1/ratsgo.github.io
NLP blog
DaehongKim1/t-SNE-tutorial
A tutorial on the t-SNE learning algorithm
DaehongKim1/tsnejs
Implementation of t-SNE visualization algorithm in Javascript.