ohwe's Stars
dialogue-evaluation/factRuEval-2016
http://www.dialog-21.ru/evaluation/2016/letter/
kyzhouhzau/BERT-NER
Use Google's BERT for named entity recognition (CoNLL-2003 as the dataset).
kimiyoung/transformer-xl
hsm207/bert_attn_viz
Visualize BERT's self-attention layers on text classification tasks
bheinzerling/bpemb
Pre-trained subword embeddings in 275 languages, based on Byte-Pair Encoding (BPE)
facebookresearch/pytext
A natural language modeling framework based on PyTorch
brightmart/bert_language_understanding
Pre-training of Deep Bidirectional Transformers for Language Understanding: pre-train TextCNN
ardiya/siamesenetwork-tensorflow
Using siamese network to do dimensionality reduction and similar image retrieval
tlatkowski/multihead-siamese-nets
Implementation of Siamese Neural Networks built upon multihead attention mechanism for text semantic similarity task.
salesforce/awd-lstm-lm
LSTM and QRNN Language Model Toolkit for PyTorch
NVIDIA/apex
A PyTorch Extension: Tools for easy mixed precision and distributed training in Pytorch
macanv/BERT-BiLSTM-CRF-NER
Tensorflow solution of NER task Using BiLSTM-CRF model with Google BERT Fine-tuning And private Server services
pytorch/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
GoogleCloudPlatform/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
Jiakui/awesome-bert
bert nlp papers, applications and github resources, including the newst xlnet , BERT、XLNet 相关论文和 github 项目
NVIDIA/nccl
Optimized primitives for collective multi-GPU communication
xu-song/bert-as-language-model
BERT as language model, fork from https://github.com/google-research/bert
Separius/BERT-keras
Keras implementation of BERT with pre-trained weights
mdw771/instructive_ipython_notebooks
A collection of self-made tutorials in digital image processing, Fourier optics, Tensorflow usage, etc, in the form of IPython Notebooks.
tensorflow/adanet
Fast and flexible AutoML with learning guarantees.
google/sentencepiece
Unsupervised text tokenizer for Neural Network-based text generation.
JayYip/m3tl
BERT for Multitask Learning
google-research/bert
TensorFlow code and pre-trained models for BERT
tkipf/keras-gcn
Keras implementation of Graph Convolutional Networks
marcotcr/lime
Lime: Explaining the predictions of any machine learning classifier
akanimax/fagan
A variant of the Self Attention GAN named: FAGAN (Full Attention GAN)
fossasia/visdom
A flexible tool for creating, organizing, and sharing visualizations of live, rich data. Supports Torch and Numpy.
tensorflow/tensor2tensor
Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.
tkipf/gcn
Implementation of Graph Convolutional Networks in TensorFlow
allenai/bilm-tf
Tensorflow implementation of contextualized word representations from bi-directional language models