Pinned Repositories
alrao
Implementation of "Learning with Random Learning Rates" in PyTorch.
ArcFace-Multiplex-Recognition
适用于复杂场景的人脸识别身份认证系统
arcface-pytorch
Awesome-Korean-NLP
A curated list of resources for NLP (Natural Language Processing) for Korean
CS20SI-Tensorflow-for-Deep-Learning-Research-Code-Exercise
CS20SI: Tensorflow for Deep Learning Research Code Exercise
Data-science-school
Data-science-school code
Deeplearning-from-scratch
Deeplearning-from-scratch code
GAN-study
Materials used for GAN study
Text-classification-with-CNN-RNN-with-Tensorflow
Text classification with CNN, RNN, RCNN model by character, word level
text-mining-codes-in-projects-and-lectures
text mining codes (POS-tagging, embedding, parsing, modeling, etc.)
DeokO's Repositories
DeokO/GAN-study
Materials used for GAN study
DeokO/alrao
Implementation of "Learning with Random Learning Rates" in PyTorch.
DeokO/bert
TensorFlow code and pre-trained models for BERT
DeokO/bert-as-service
Mapping a variable-length sentence to a fixed-length vector using BERT model
DeokO/bert-excercise-ongoing
bert 적용 / 응용 연습 코드
DeokO/BERT-pytorch
Google AI 2018 BERT pytorch implementation
DeokO/bookmarks
DeokO/constrained-graph-variational-autoencoder
Sample code for Constrained Graph Variational Autoencoders
DeokO/deep-reinforcement-learning
Repo for the Deep Reinforcement Learning Nanodegree program
DeokO/Densenet-Tensorflow-1
Simple Tensorflow implementation of "Densenet" using Cifar10, MNIST
DeokO/DiSAN
Code of Directional Self-Attention Network (DiSAN)
DeokO/DocProduct
Medical Q&A with Deep Language Models
DeokO/face_recognition
The world's simplest facial recognition api for Python and the command line
DeokO/facenet
Face recognition using Tensorflow
DeokO/FeatheNets_Face-Anti-spoofing-Attack-Detection-Challenge-CVPR2019
Code for 3rd Place Solution in Face Anti-spoofing Attack Detection Challenge @ CVPR2019,model only 0.35M!!!
DeokO/GlobalLocalImageCompletion_TF
Globally and Locally Consistent Image Completion
DeokO/gpt-2
Code for the paper "Language Models are Unsupervised Multitask Learners"
DeokO/keras
Deep Learning for humans
DeokO/khaiii
Kakao Hangul Analyzer III
DeokO/Machine-Learning-Yearning-Korean-Translation
Korean translation of machine learning yearning book by Andrew Ng.
DeokO/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
DeokO/NLP-progress
Repository to track the progress in Natural Language Processing (NLP), including the datasets and the current state-of-the-art for the most common NLP tasks.
DeokO/opencv
Practice OpenCV and TensorFlow
DeokO/pointer-generator
Code for the ACL 2017 paper "Get To The Point: Summarization with Pointer-Generator Networks"
DeokO/pytorchic-bert
Pytorch Implementation of Google BERT
DeokO/text-summarization-tensorflow
Tensorflow seq2seq Implementation of Text Summarization.
DeokO/tf-estimator-tutorials
This repository includes tutorials on how to use the TensorFlow estimator APIs to perform various ML tasks, in a systematic and standardised way
DeokO/Transformers
Abstractive summarization using tensor2tensor model (or Transformers) without RNNs or CNNs. "Attention Is All You Need."
DeokO/WordPieceModel
Word Piece Model python light version with functions tokenize/save/load
DeokO/YOLOv3_TensorFlow
Complete YOLO v3 TensorFlow implementation. Support training on your own dataset.