Pinned Repositories
763Project
Abstractive-Summarization-using-Query-based-Deep-Neural-Attention-Models
System for generating meaningful summaries of retrieved documents, specific to query text using Deep Attention Models
ai-darknet
Artificial-Intelligence-for-Banking
This project contains codes and notebooks related to various use cases for banking.
aster
Recognizing cropped text in natural images.
attention-ocr-keras
Attention_UNet
Raw implementation of attention gated U-Net by Keras
AttentionLSTM
Augmentor
Image augmentation library in Python for machine learning.
keras-efficientnets
Keras Implementation of EfficientNets
amoonhappy's Repositories
amoonhappy/TensorFlow-2.x-Tutorials
TensorFlow 2.x version's Tutorials and Examples, including CNN, RNN, GAN, Auto-Encoders, FasterRCNN, GPT, BERT examples, etc. TF 2.0版入门实例代码,实战教程。
amoonhappy/T2F
T2F: text to face generation using Deep Learning
amoonhappy/QnA-Bot
QnA bot powered by CoQA + BERT
amoonhappy/crnn_chinese_characters_rec
chinese characters recognition
amoonhappy/KorQuAD-beginner
Guide KorQuAD upload to leaderboard (EM 68.947 / F1 88.468) model which only use BERT-multilingual(single)
amoonhappy/763Project
amoonhappy/keras-cats-dogs-tutorial
A practical example of image classifier with Keras 2.x and TensorFlow backend, using the Kaggle Cats vs. Dogs dataset. By taking advantage of Keras' image data augmentation capabilities (and also random cropping), we were able to achieve 99% accuracy on the trained model with only 2,000 images in the training set.
amoonhappy/bert
TensorFlow code and pre-trained models for BERT
amoonhappy/keras_attention
:bookmark: An Attention Layer in Keras
amoonhappy/keras_ocr
用keras实现OCR定位、识别
amoonhappy/sketch-code
Keras model to generate HTML code from hand-drawn website mockups. Implements an image captioning architecture to drawn source images.
amoonhappy/cnocr
A python package for Chinese OCR with the available pre-trained model. So it can be used directly after installed.
amoonhappy/text-detection-ocr
Chinese text detection and recognition based on CTPN + DENSENET using Keras and Tensor Flow,使用keras和tensorflow基于CTPN+Densenet实现的中文文本检测和识别
amoonhappy/SMRCToolkit
This toolkit was designed for the fast and efficient development of modern machine comprehension models, including both published models and original prototypes.
amoonhappy/CRNN_Attention_OCR_Chinese
CRNN with attention to do OCR,add Chinese recognition
amoonhappy/natural-language-summary-generation-from-structured-data
Implementation of the paper -> https://arxiv.org/abs/1709.00155. For converting information present in the form of structured data into natural language text
amoonhappy/ocr_densenet
第一届西安交通大学人工智能实践大赛(2018AI实践大赛--图片文字识别)第一名;仅采用densenet识别图中文字
amoonhappy/faceID
:smiley: Face IDentification
amoonhappy/LSTM-FCN
Codebase for the paper LSTM Fully Convolutional Networks for Time Series Classification
amoonhappy/projects-test-project
amoonhappy/tensorflow_poems
中文古诗自动作诗机器人,屌炸天,基于tensorflow1.10 api,正在积极维护升级中,快star,保持更新!
amoonhappy/QANet_keras
QANet in keras (with Cove)
amoonhappy/co-squac
A repository for converting between CoQA, SQuAD2, and QuAC and visualizing the data.
amoonhappy/KerasExtras
amoonhappy/text_classify_by_keras
keras 搭建文本分类模型,textcnn/bi_gru/cnn+rnn_binglian/cnn+rnn_cuanlian/fasttext/att_bi_gru/rcnn,其中前面四个模型只有create_model函数不同,其余相同,fasttext和rcnn增加了数据预处理,att_bi_gru,增加了attention类
amoonhappy/swagaf
Repository for paper "SWAG: A Large-Scale Adversarial Dataset for Grounded Commonsense Inference"
amoonhappy/Competitive-Inner-Imaging-SENet
Source code of paper: (not available now)
amoonhappy/Artificial-Intelligence-for-Banking
This project contains codes and notebooks related to various use cases for banking.
amoonhappy/MLSTM-FCN
Multivariate LSTM Fully Convolutional Networks for Time Series Classification
amoonhappy/caffe_ocr
主流ocr算法研究实验性的项目,目前实现了CNN+BLSTM+CTC架构