vikingdby's Stars
tensorflow/models
Models and examples built with TensorFlow
tesseract-ocr/tesseract
Tesseract Open Source OCR Engine (main repository)
exacity/deeplearningbook-chinese
Deep Learning Book Chinese Translation
HarisIqbal88/PlotNeuralNet
Latex code for making neural networks diagrams
hindupuravinash/the-gan-zoo
A list of all named GANs!
jina-ai/clip-as-service
🏄 Scalable embedding, reasoning, ranking for images and sentences with CLIP
vrana/adminer
Database management in a single PHP file
google-deepmind/graph_nets
Build Graph Nets in Tensorflow
tensorflow/tpu
Reference models and tools for Cloud TPUs.
macanv/BERT-BiLSTM-CRF-NER
Tensorflow solution of NER task Using BiLSTM-CRF model with Google BERT Fine-tuning And private Server services
PetarV-/GAT
Graph Attention Networks (https://arxiv.org/abs/1710.10903)
weslynn/AlphaTree-graphic-deep-neural-network
AI Roadmap:机器学习(Machine Learning)、深度学习(Deep Learning)、对抗神经网络(GAN),图神经网络(GNN),NLP,大数据相关的发展路书(roadmap), 并附海量源码(python,pytorch)带大家消化基本知识点,突破面试,完成从新手到合格工程师的跨越,其中深度学习相关论文附有tensorflow caffe官方源码,应用部分含推荐算法和知识图谱
floodsung/Meta-Learning-Papers
Meta Learning / Learning to Learn / One Shot Learning / Few Shot Learning
jindongwang/transferlearning-tutorial
《迁移学习简明手册》LaTex源码
meijieru/crnn.pytorch
Convolutional recurrent network in pytorch
songyouwei/ABSA-PyTorch
Aspect Based Sentiment Analysis, PyTorch Implementations. 基于方面的情感分析,使用PyTorch实现。
google/compare_gan
Compare GAN code.
orobix/Prototypical-Networks-for-Few-shot-Learning-PyTorch
Implementation of Prototypical Networks for Few Shot Learning (https://arxiv.org/abs/1703.05175) in Pytorch
Oldpan/Pytorch-Memory-Utils
pytorch memory track code
JudyYe/zero-shot-gcn
Zero-Shot Learning with GCN (CVPR 2018)
ethanfetaya/NRI
Neural relational inference for interacting systems - pytorch
ilivans/tf-rnn-attention
Tensorflow implementation of attention mechanism for text classification tasks.
TobiasLee/Text-Classification
Implementation of papers for text classification task on DBpedia
finlay-liu/kaggle_public
阿水的数据竞赛开源分支
gitabcworld/MatchingNetworks
This repo provides pytorch code which replicates the results of the Matching Networks for One Shot Learning paper on the Omniglot and MiniImageNet dataset
MichalBusta/DeepTextSpotter
jimmyyfeng/TD-LSTM
Attention-based Aspect-term Sentiment Analysis implemented by tensorflow.
lluisgomez/TextProposals
Implementation of the method proposed in the papers " TextProposals: a Text-specific Selective Search Algorithm for Word Spotting in the Wild" and "Object Proposals for Text Extraction in the Wild" (Gomez & Karatzas), 2016 and 2015 respectively.
AlexYangLi/ABSA_Keras
Keras Implementation of Aspect based Sentiment Analysis
SenticNet/IARM
IARM: Inter-Aspect Relation Modeling with Memory Networks in Aspect-Based Sentiment Analysis, EMNLP 2018