Here are
76 public repositories
matching this topic...
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Updated
Mar 12, 2021
Jupyter Notebook
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Updated
Jul 15, 2021
Jupyter Notebook
PyTorch 官方中文教程包含 60 分钟快速入门教程,强化教程,计算机视觉,自然语言处理,生成对抗网络,强化学习。欢迎 Star,Fork!
Updated
Oct 27, 2020
Python
Code and data accompanying Natural Language Processing with PyTorch published by O'Reilly Media
https://nlproc.info
Updated
Mar 21, 2020
Jupyter Notebook
中文命名实体识别(包括多种模型:HMM,CRF,BiLSTM,BiLSTM+CRF的具体实现)
Updated
Jun 24, 2021
Python
🍀 Another Chinese chatbot implemented in PyTorch, which is the sub-module of intelligent work order processing robot. 👩🔧
Updated
Dec 13, 2019
Python
🔥 机器学习/深度学习/Python/算法面试/自然语言处理教程/剑指offer/machine learning/deeplearning/Python/Algorithm interview/NLP Tutorial
Updated
Jul 13, 2021
Jupyter Notebook
Learn how to use PyTorch to solve some common NLP problems with deep learning.
Updated
Nov 18, 2019
Jupyter Notebook
PyTorch 1.0 官方文档 中文版,欢迎关注微信公众号:磐创AI
Implementing nlp papers relevant to classification with PyTorch, gluonnlp
Updated
Jun 8, 2021
Python
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Updated
Jun 4, 2021
Jupyter Notebook
NLP research experiments, built on PyTorch within the AllenNLP framework.
Updated
Mar 17, 2020
Python
Code to accompany my upcoming book "Deep learning with PyTorch Book " from Packt
Updated
Jun 9, 2019
Jupyter Notebook
CNN-based model to realize aspect extraction of restaurant reviews based on pre-trained word embeddings and part-of-speech tagging
Updated
Jul 12, 2019
Python
Code for the paper "Efficient Adaption of Pretrained Transformers for Abstractive Summarization"
Updated
May 29, 2019
Python
PyTorch v1.2에서 생긴 Transformer API 를 이용한 간단한 Chitchat 챗봇
Updated
Aug 23, 2019
Python
The NLP toolkit use pytorch
Updated
Jan 30, 2018
Python
A Light and Modular PyTorch NLP Project Template
Updated
Sep 12, 2020
Python
A text analytics library with support for codemixed data
Updated
Oct 30, 2020
Python
Collection of Notebooks for Natural Language Processing with PyTorch
Updated
Jan 31, 2019
Jupyter Notebook
Its a social networking chat-bot trained on Reddit dataset . It supports open bounded queries developed on the concept of Neural Machine Translation. Beware of its being sarcastic just like its creator 😝 BDW it uses Pytorch framework and Python3.
Updated
Apr 9, 2021
Python
Program Translator AI built on Pytorch
Updated
Dec 19, 2019
Python
Minimal implementation of Multi-layer Recurrent Neural Networks (LSTM) for character-level language modelling in PyTorch
Updated
Jul 17, 2019
Python
The aim of this repository is to show a baseline model for text classification by implementing a LSTM-based model coded in PyTorch. In order to provide a better understanding of the model, it will be used a Tweets dataset provided by Kaggle.
Updated
May 21, 2021
Python
Implementations of transformer models in pytorch
Updated
Jun 2, 2020
Jupyter Notebook
Encoder-Decoder model for Semantic Role Labeling
Updated
May 13, 2020
Python
PyTorch sentiment classifier served with Flask, deployed on Google Cloud Run
Updated
Dec 3, 2020
Python
Training chatbot models with reinforcement learning in ParlAI.
Updated
Jun 8, 2021
Python
RNN-based language models in pytorch
Updated
Nov 6, 2019
Python
Improve this page
Add a description, image, and links to the
pytorch-nlp
topic page so that developers can more easily learn about it.
Curate this topic
Add this topic to your repo
To associate your repository with the
pytorch-nlp
topic, visit your repo's landing page and select "manage topics."
Learn more
You can’t perform that action at this time.
You signed in with another tab or window. Reload to refresh your session.
You signed out in another tab or window. Reload to refresh your session.
Expected Behavior
I want to convert torch.nn.Linear modules to weight drop linear modules in my model (possibly big), and I want to train my model with multi-GPUs. However, I have RuntimeError in my sample code. First, I have _weight_drop() which drops some part of weights in torch.nn.Linear (see the code below).
Actual Behavior
RuntimeError: arguments are located on different GPUs at /