Pinned Repositories
address-semantic-search
基于TF-IDF余弦相似度的地址语义搜索解析匹配服务
albert_zh
A LITE BERT FOR SELF-SUPERVISED LEARNING OF LANGUAGE REPRESENTATIONS, 海量中文预训练ALBERT模型
ChineseNER
中文NER的那些事儿
DANet
Dual Attention Network for Scene Segmentation (CVPR2019)
esim-response-selection
ESIM for Multi-turn Response Selection Task
Intelligent-Traffic-Based-On-CV
本项目为2020年**软件杯A组第一批赛题"基于计算机视觉的交通场景智能应用".项目用python实现,主要使用YOLO模型实现道路目标如人、车、交通灯等物体的识别,使用开源的"中文车牌识别HyperLPR"项目实现车牌识别功能.
libfacedetection
C版本的人脸检测,速度特别快An open source library for face detection in images. The face detection speed can reach 1500FPS.
lingvo
NLP工具-Lingvo
nlp-tutorial
牛逼的NLP深度学习教程---Natural Language Processing Tutorial for Deep Learning Researchers
Python_game
文字冒险-Game code of python
yugenlgy's Repositories
yugenlgy/awesome-deep-learning-papers
一些经典的DL文章--The most cited deep learning papers
yugenlgy/Chinese-Word-Vectors
100+ Chinese Word Vectors 上百种预训练中文词向量
yugenlgy/CVAE-Financial-Anomaly-Detection
CVAE
yugenlgy/DCGAN-tensorflow
深度卷积GAN--A tensorflow implementation of Deep Convolutional Generative Adversarial Networks
yugenlgy/DeepCL
多列DNN网络:一个图片经过多个DNN,所有DNN的结果求评价值 OpenCL library to train deep convolutional neural networks
yugenlgy/Eigenfaces
Eigenfaces 的人脸识别:dancers: A Python implementation of the famous Eigenfaces algorithm for face recognition, implemented and tested over the AT&T face data set.
yugenlgy/fast-pixel-cnn
Speed up PixelCNN++ image generation by up to a 183 times
yugenlgy/geocoding
地理编码技术,提供地址标准化和相似度计算。
yugenlgy/hierarchical-attention-model
词级别+句子级别attention:hierarchical attention model
yugenlgy/HiSpatialCluster
Clustering spatial points with algorithm of Fast Search, high performace computing implements of CUDA or parallel in CPU, and runnable implements on python standalone or arcgis.
yugenlgy/InfoGAN
Code for reproducing key results in the paper "InfoGAN: Interpretable Representation Learning by Information Maximizing Generative Adversarial Nets"
yugenlgy/Information-Extraction-Chinese
Chinese Named Entity Recognition with IDCNN/biLSTM+CRF, and Relation Extraction with biGRU+2ATT 中文实体识别与关系提取
yugenlgy/k-gnn
Source code for our AAAI paper "Weisfeiler and Leman Go Neural: Higher-order Graph Neural Networks".
yugenlgy/Multi-Task-Learning
yugenlgy/NLP-BERT--ChineseVersion
谷歌自然语言处理模型BERT:论文解析与python代码
yugenlgy/QA-deep-learning
QA--tensorflow and theano cnn code for insurance QA(question Answer matching)
yugenlgy/siamese-lstm-network
siamese lstm network for text similarity
yugenlgy/snownlp
Python library for processing Chinese text
yugenlgy/SVHNClassifier
多数字识别-A TensorFlow implementation of Multi-digit Number Recognition from Street View Imagery using Deep Convolutional Neural Networks (http://arxiv.org/pdf/1312.6082.pdf)
yugenlgy/SWEM
SWEM--仅使用词向量模型就可以实验很多NLP模型,并效果不会很差The Tensorflow code for this ACL 2018 paper: "Baseline Needs More Love: On Simple Word-Embedding-Based Models and Associated Pooling Mechanisms"
yugenlgy/vae-gan-tensorflow
VAE+GAN 结合 Tensorflow code of "autoencoding beyond pixels using a learned similarity metric"