Pinned Repositories
DeepPavlov
An open source library for deep learning end-to-end dialog systems and chatbots.
10-steps-to-become-a-data-scientist
📢 Ready to learn! you will learn 10 skills as data scientist:📚 Machine Learning, Deep Learning, Data Cleaning, EDA, Learn Python, Learn python packages such as Numpy, Pandas, Seaborn, Matplotlib, Plotly, Tensorfolw, Theano...., Linear Algebra, Big Data, Analysis Tools and solve some real problems such as predict house prices.
awesome-deep-learning-papers
The most cited deep learning papers
c-programming
This repository provides all necessary materials, including reference books, lecture slides, examples, and assignments, for the PRF192 course at FPT university.
DL-NLP-Readings
My Reading Lists of Deep Learning and Natural Language Processing
introtodeeplearning
Lab Materials for MIT 6.S191: Introduction to Deep Learning
theanhle's Repositories
theanhle/AnimeFaceRecognization
recognize anime face using CNN
theanhle/char-embeddings
A repository containing 300D character embeddings derived from the GloVe 840B/300D dataset, and uses these embeddings to train a deep learning model to generate Magic: The Gathering cards using Keras
theanhle/Cifar100
Convolution neural networks to classify cifar 100 images
theanhle/cnn-text-classification-tf
Convolutional Neural Network for Text Classification in Tensorflow
theanhle/CNN_sentence
CNNs for sentence classification
theanhle/convnet-benchmarks
Easy benchmarking of all publicly accessible implementations of convnets
theanhle/data_mining_in_action_practice
Education tasks related to ML
theanhle/DeepLearningForNLPInPytorch
An IPython Notebook tutorial on deep learning for natural language processing, including structure prediction.
theanhle/DL-learning-resources
theanhle/dynet_tutorial_examples
Tutorial on "Practical Neural Networks for NLP: From Theory to Code" at EMNLP 2016
theanhle/Face-Recognition-using-Convolutional-Neural-Network
This project aims to recognize human faces using Convolutional Neural Network (CNN) and Open Source Computer Vision (OpneCV) library.
theanhle/face_recognition
The function of this program is face recognition by 5-layers CNN network.
theanhle/faceProject
Face Recognition using CNN implemented using tensorflow.
theanhle/factRuEval-2016
http://www.dialog-21.ru/evaluation/2016/letter/
theanhle/How_to_make_a_tensorflow_image_classifier_LIVE
theanhle/keras
Deep Learning library for Python. Convnets, recurrent neural networks, and more. Runs on Theano or TensorFlow.
theanhle/ner-lstm
Named Entity Recognition using multilayered bidirectional LSTM
theanhle/ner-tagger-tensorflow
The model is basically a Bi-LSTM based sequence tagger which can utilize several sources of information about each word unit like word embeddings, character based embeddings and capitalization features to obtain the representation for that specific word unit.
theanhle/Neural_Conversation_Models
Tensorflow based Neural Conversation Models
theanhle/NeuroNER
Named-entity recognition using neural networks. Easy-to-use and state-of-the-art results.
theanhle/Recurrent-Convolutional-Neural-Network
A recurrent convolutional neural network for tweet classification using python and theano
theanhle/SOA
Get images from video given by radar, calculate information of target ships, analyze situation based collision avoidance rules.
theanhle/tagger
Named Entity Recognition Tool
theanhle/tensorflow
Computation using data flow graphs for scalable machine learning
theanhle/TensorFlow-Examples
TensorFlow Tutorial and Examples for beginners
theanhle/tensorflow-mnist-VAE
Tensorflow implementation of variational auto-encoder for MNIST
theanhle/TensorFlow-Tutorials
TensorFlow Tutorials with YouTube Videos
theanhle/theanh.github.io
theanhle/udacity_deeplearning_complete
Assignments of Udacity Deeplearning Course
theanhle/w2v_skip-gram