PyTorch_GBW_LM
Language Model
Trains a large-scale PyTorch language model on the 1-Billion Word dataset
PyTorch Language Model for 1-Billion Word (LM1B / GBW) Dataset
123 stars
6 watching
20 forks
Language: Python
last commit: over 5 years ago deep-learninggpulanguage-modellstmmachine-learningnlppytorchtorchtorch-gbw
Related projects:
Repository | Description | Stars |
---|---|---|
l0sg/relational-rnn-pytorch | An implementation of DeepMind's Relational Recurrent Neural Networks (Santoro et al. 2018) in PyTorch for word language modeling | 244 |
dasguptar/treelstm.pytorch | An implementation of Tree-LSTM networks in PyTorch for semantic similarity tasks using tree structures | 550 |
zhanghang1989/pytorch-encoding | A Python framework for building deep learning models with optimized encoding layers and batch normalization. | 2,041 |
4uiiurz1/pytorch-res2net | Implementations of deep learning architectures using PyTorch for image classification tasks on various datasets. | 112 |
lupoglaz/godotaigym | Enables training of reinforcement learning models with PyTorch on Godot Engine using shared memory | 214 |
xxradon/igcv3-pytorch | Reimplements MobileNet-V2 and IGCV3 using PyTorch for efficient deep learning. | 19 |
rguthrie3/deeplearningfornlpinpytorch | A comprehensive tutorial on deep learning for natural language processing with PyTorch, covering the basics and advancing to linguistic structure prediction. | 1,940 |
ahmedfgad/torchga | Trains PyTorch models using the Genetic Algorithm with PyGAD | 96 |
isht7/pytorch-deeplab-resnet | A deep learning model implementation of the DeepLab ResNet architecture for image segmentation tasks. | 602 |
graal-research/poutyne | A PyTorch framework simplifying neural network training with automated boilerplate code and callback utilities | 569 |
hughperkins/pytorch | Provides Python wrappers for PyTorch and Lua, enabling developers to use PyTorch's deep learning capabilities from both languages. | 432 |
huggingface/pytorch-openai-transformer-lm | Implementing OpenAI's transformer language model in PyTorch with pre-trained weights and fine-tuning capabilities | 1,511 |
dmmiller612/sparktorch | A PyTorch implementation on Apache Spark for distributed deep learning model training and inference. | 339 |
namisan/mt-dnn | A PyTorch package implementing multi-task deep neural networks for natural language understanding | 2,238 |
eduardoleao052/js-pytorch | A JavaScript library that provides GPU-accelerated deep learning capabilities with automatic differentiation and neural network layers. | 1,084 |