GitHub topics: pytorch-nlp
jrzaurin/pytorch-widedeep
A flexible package for multimodal-deep-learning to combine tabular data with text and images using Wide and Deep models in Pytorch
Language: Python - Size: 99.6 MB - Last synced at: 2 days ago - Pushed at: 4 months ago - Stars: 1,356 - Forks: 193

fendouai/PyTorchDocs
PyTorch 官方中文教程包含 60 分钟快速入门教程,强化教程,计算机视觉,自然语言处理,生成对抗网络,强化学习。欢迎 Star,Fork!
Language: Python - Size: 7.47 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 2,664 - Forks: 714

bentrevett/pytorch-sentiment-analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Language: Jupyter Notebook - Size: 1.64 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 4,512 - Forks: 1,181

bentrevett/pytorch-seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Language: Jupyter Notebook - Size: 6.02 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 5,564 - Forks: 1,361

delip/PyTorchNLPBook
Code and data accompanying Natural Language Processing with PyTorch published by O'Reilly Media https://amzn.to/3JUgR2L
Language: Jupyter Notebook - Size: 7.73 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 2,034 - Forks: 814

zkywsg/Daily-DeepLearning
🔥机器学习/深度学习/Python/大模型/多模态/LLM/deeplearning/Python/Algorithm interview/NLP Tutorial
Language: Jupyter Notebook - Size: 50.3 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 742 - Forks: 155

mohd-faizy/PyTorch-Essentials
Welcome to the Pytorch Essentials repository! This Repo aims to cover fundamental to advanced topics related to PyTorch, providing comprehensive resources for learning and mastering this powerful deep learning framework.
Language: Jupyter Notebook - Size: 124 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 3 - Forks: 1

luopeixiang/named_entity_recognition
中文命名实体识别(包括多种模型:HMM,CRF,BiLSTM,BiLSTM+CRF的具体实现)
Language: Python - Size: 28.2 MB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 2,208 - Forks: 536

fendouai/pytorch1.0-cn
PyTorch 1.0 官方文档 中文版,欢迎关注微信公众号:磐创AI
Size: 79.1 KB - Last synced at: about 1 month ago - Pushed at: about 6 years ago - Stars: 361 - Forks: 88

Doragd/Chinese-Chatbot-PyTorch-Implementation
:four_leaf_clover: Another Chinese chatbot implemented in PyTorch, which is the sub-module of intelligent work order processing robot. 👩🔧
Language: Python - Size: 81.6 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 896 - Forks: 195

kartikey2807/Transformer-based-GPT-model
Mimic GPT-2 (124 million parameter) like transformer (decoder) model. Compare performance against OpenAI's model on prediction accuracy.
Size: 6.84 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

rhzxg/MicroblogCrawler
微博热榜爬虫
Language: Python - Size: 234 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 2 - Forks: 0

bentrevett/pytorch-pos-tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Language: Jupyter Notebook - Size: 176 KB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 179 - Forks: 27

PetrochukM/PyTorch-NLP 📦
Basic Utilities for PyTorch Natural Language Processing (NLP)
Language: Python - Size: 12.6 MB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 2,221 - Forks: 256

MohanKrishnaGR/Infosys_Text-Summarization
This repository contains the implementation of a Transformer-based model for abstractive text summarization and a rule-based approach for extractive text summarization.
Language: Jupyter Notebook - Size: 15.9 MB - Last synced at: 3 months ago - Pushed at: 11 months ago - Stars: 8 - Forks: 2

Praveen-Rangavajhula/cs224n
Assignments from CS224N (Winter 2025) + Notes from YouTube Lectures (2023/2024).
Language: Jupyter Notebook - Size: 52.5 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Bongwoo2lee/floread
2023 캡스톤디자인 5조
Language: Jupyter Notebook - Size: 81.3 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 3 - Forks: 1

seopbo/nlp_classification
Implementing nlp papers relevant to classification with PyTorch, gluonnlp
Language: Python - Size: 235 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 230 - Forks: 42

dccuchile/rivertext
RiverText is a framework that standardizes the Incremental Word Embeddings proposed in the state-of-art. Please feel welcome to open an issue in case you have any questions or a pull request if you want to contribute to the project!
Language: Python - Size: 9.85 MB - Last synced at: 1 day ago - Pushed at: 4 months ago - Stars: 22 - Forks: 1

AshutoshDongare/convo
Open source voice bot for Humanoid Robots and virtual digital humans
Language: Python - Size: 154 KB - Last synced at: 3 months ago - Pushed at: about 3 years ago - Stars: 18 - Forks: 7

pranshurastogi29/Amazon_ml_challenge-solution
26th place solution from 3290 teams held on HackerEarth
Language: Jupyter Notebook - Size: 238 KB - Last synced at: 2 months ago - Pushed at: almost 4 years ago - Stars: 7 - Forks: 0

ahammadmejbah/The-90-Day-PyTorch-Mastery-Roadmap
Embark on a 90-day journey to master PyTorch! From tensor basics to advanced deep learning, each day offers lessons, hands-on exercises, and curated resources. Gain practical skills to confidently build, train, and deploy models across diverse applications.
Language: Jupyter Notebook - Size: 33.2 MB - Last synced at: 3 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

nikhilbarhate99/Char-RNN-PyTorch
Minimal implementation of Multi-layer Recurrent Neural Networks (LSTM) for character-level language modelling in PyTorch
Language: Python - Size: 40.6 MB - Last synced at: about 2 months ago - Pushed at: almost 6 years ago - Stars: 46 - Forks: 10

lingualytics/py-lingualytics
A text analytics library with support for codemixed data
Language: Python - Size: 15.3 MB - Last synced at: about 5 hours ago - Pushed at: over 4 years ago - Stars: 37 - Forks: 4

hhxx2015/dialog_wechat
chat robot based on dialogue data from zhihu
Language: Python - Size: 4.42 MB - Last synced at: 6 months ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

epwalsh/nlp-models
NLP research experiments, built on PyTorch within the AllenNLP framework.
Language: Python - Size: 2.46 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 91 - Forks: 9

svishnu88/DLwithPyTorch
Code to accompany my upcoming book "Deep learning with PyTorch Book " from Packt
Language: Jupyter Notebook - Size: 18.6 MB - Last synced at: about 1 year ago - Pushed at: about 6 years ago - Stars: 90 - Forks: 56

ww-rm/weibo-rmdt
Detect rumors on Weibo by PyTorch.
Language: Python - Size: 640 MB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 13 - Forks: 2

jman4162/LLM-Tutorials
Explore our "LLM Tutorials" GitHub repository for comprehensive guides on using large language models (LLMs) like Llama 2 with PyTorch. Discover practical examples, code snippets, and expert insights to enhance your NLP projects with the latest techniques in language modeling.
Language: Jupyter Notebook - Size: 7.17 MB - Last synced at: 4 days ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

acciochris/readcomp 📦
A reading comprehension passage generator
Language: Python - Size: 204 KB - Last synced at: 8 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

mohameddhameem/NLPWithPyTorch
Learning Repo for PyToch and basic Neural Network
Language: Jupyter Notebook - Size: 1.56 MB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

jibinmathew69/Hands-on-NLP-with-PyTorch
Collection of Notebooks for Natural Language Processing with PyTorch
Language: Jupyter Notebook - Size: 11.3 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 30 - Forks: 25

venkat-a/Text_Processing_RNN_LSTM
Text Processing RNN leverages RNN and LSTM models for advanced text processing. It features deep learning techniques for NLP tasks, utilizing GloVe for word embeddings, aimed at both educational and practical applications.
Language: Jupyter Notebook - Size: 15.6 KB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

GishB/PostRecomendationService
Учебный проект по созданию рекомендательной системы постов в рамках программы Karpov.Courses Start ML.
Language: Jupyter Notebook - Size: 57.3 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

joydeb28/Pytorch-Tutorial
PyTorch Tutorial
Language: Jupyter Notebook - Size: 109 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

normyee/chatbot-pytorch_NLP
ChatBot utilizing neural networks, NLP techniques, and the Bag of Words model. Implements tokenization and stemming for efficient language processing.
Language: Python - Size: 9.77 KB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

scoutbee/pytorch-nlp-notebooks
Learn how to use PyTorch to solve some common NLP problems with deep learning.
Language: Jupyter Notebook - Size: 2.78 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 404 - Forks: 162

EagleDangar/SeinfeldChronicles-tv-script-generator
Natural Language Processing (NLP) based and trained on RNNs(LSTM) will be powerful enough to generate a fake TV script on Seinfield American TV series. Building a Seinfeld TV scripts AI generator using RNNs.
Language: Jupyter Notebook - Size: 92.7 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

abdzrahim/PyTorch_for_NLP
These are lecture note for DevCon5 for PyTorch for Natural Language Processing.
Language: Jupyter Notebook - Size: 6.01 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 2

Heidelberg-NLP/SRL-S2S
Encoder-Decoder model for Semantic Role Labeling
Language: Python - Size: 39.1 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 15 - Forks: 4

ahmetgunduz/pytorch-nlp-project-template
A Light and Modular PyTorch NLP Project Template
Language: Python - Size: 21.6 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 56 - Forks: 8

urmilkadakia/Neural_Sentiment_Analysis
Implementation of Tree Structured LSTM and Attention Mechanism Models for the task of Sentiment Analysis on Stanford Sentiment Treebank
Language: Python - Size: 71.4 MB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 1

nka-coder/sentiment-analysis-for-film-review
A Notebook that allows you to determine the sentiment of a reviewer on a movie based on the rewiew that he wrote.
Language: Jupyter Notebook - Size: 254 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

nka-coder/Project-Plagiarism-Detector
A Notebook that allows you to check if a document is plagiarize from a known original source document.
Language: Jupyter Notebook - Size: 65.4 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

SparkDevF19/ai-program-translation
Program Translator AI built on Pytorch
Language: Python - Size: 673 KB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 15 - Forks: 6

Andrew03/transformer-abstractive-summarization
Code for the paper "Efficient Adaption of Pretrained Transformers for Abstractive Summarization"
Language: Python - Size: 41 KB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 70 - Forks: 14

DataSenseiAryan/TS3000_TheChatBOT
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 :stuck_out_tongue_closed_eyes: BDW it uses Pytorch framework and Python3.
Language: Python - Size: 704 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 23 - Forks: 5

jamesvovos/nlp-neural-network-project
Built an NLP pipeline and integrated a neural network model using PyTorch. Utilises Relu activation function with 3 linear layers. Intent is to build on this project to create dynamic NPC's in games.
Language: Python - Size: 37.1 KB - Last synced at: 11 months ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

knowrohit/SCRIPTWRITING-USING-RNN
A recurrent neural network to write scripts which detects user input texts and generates a new movie script.
Language: Jupyter Notebook - Size: 53.7 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 3 - Forks: 0

FernandoLpz/Text-Classification-LSTMs-PyTorch
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.
Language: Python - Size: 955 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 47 - Forks: 17

yafangy/Review_aspect_extraction
CNN-based model to realize aspect extraction of restaurant reviews based on pre-trained word embeddings and part-of-speech tagging
Language: Python - Size: 31.6 MB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 97 - Forks: 27

RaffaeleGalliera/pytorch-cnn-text-classification
Convolutional Neural Network (CNN) for text classification implemented with PyTorch and TorchText
Language: Python - Size: 591 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 10 - Forks: 3

Variable-Embedding/nlp-421 📦
Exploring GloVe Embeddings
Language: Python - Size: 178 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

josepaulosa/NLP_Sentiment_Analysis
Sentiment analysis of the restaurant reviews from YELP dataset using BoW, TF-IDF, Word2Vec, Doc2Vec, Glove and BERT.
Language: Jupyter Notebook - Size: 2.65 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 0

WING-NUS/PyTorchCRF
A work-in-progress repository to develop a stand-alone lightweight CRF Layer in Pytorch
Language: Python - Size: 29.3 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 0

HRSadeghi/Kasreh_ezafeh
In this repository, we provide a neural model based on BERT and BiLSTM neural networks, which can recognize the Kasreh Ezafeh (Genitive Conjunction /e/) in a Persian sentence or text.
Language: Python - Size: 260 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 7 - Forks: 0

bhavsarpratik/transformers
Implementations of transformer models in pytorch
Language: Jupyter Notebook - Size: 1.77 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 12 - Forks: 4

LucyLi2021/Hashtag-recommendation-for-twitter-data
Hashtag multilabel classification with machine learning and deep learning models
Language: Python - Size: 248 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 2

parasdahal/infersent
Implementation of the InferSent paper by Conneau et al., EMNLP2017
Language: Python - Size: 44.9 KB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 1

kamigaito/rnnlm-pytorch
RNN-based language models in pytorch
Language: Python - Size: 333 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 15 - Forks: 4

eagle705/pytorch-transformer-chatbot
PyTorch v1.2에서 생긴 Transformer API 를 이용한 간단한 Chitchat 챗봇
Language: Python - Size: 47.8 MB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 47 - Forks: 12

Mrpatekful/dialogue-reinforce
Training chatbot models with reinforcement learning in ParlAI.
Language: Python - Size: 36.1 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 17 - Forks: 6

devpatelio/Feather-HTN
Our 2020-2021 Hack The North Project that uses REST, Django, and Sentiment Analysis to democratize mental health support while making it accessible through social avenues.
Language: Python - Size: 14.4 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 2

ashishpatel26/Awesome-Pytorch-Tutorials
Awesome Pytorch Tutorials
Language: Jupyter Notebook - Size: 3.55 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 23 - Forks: 17

bhattg/Decay-RNN-ACL-SRW2020
This is an official pytorch implementation for the experiments described in the paper - "How much complexity does an RNN architecture need to learn syntax-sensitive dependencies?", Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics: Student Research Workshop
Language: Python - Size: 671 KB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

Bennyhwanggggg/Hyponymy-Classification-using-LSTM
LSTM, Bi-LSTM PyTorch project for Information Retrieval and NLP course at University of New South Wales
Language: Jupyter Notebook - Size: 14.5 MB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

shmpanski/deep-summarization-toolkit
A toolkit designed to simplify summarization research
Language: Python - Size: 194 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 5 - Forks: 1

luciusssss/text-classification
Different neural models for text classification using PyTorch
Language: Python - Size: 6.02 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 5 - Forks: 1

marco-roberti/pytorch-e2e-dataset
The E2E Dataset, packed as a PyTorch DataSet subclass
Language: Python - Size: 97.7 KB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 7 - Forks: 0

abs12seth/Chatbot
Simple chatbot implementation.
Language: Python - Size: 10.7 KB - Last synced at: 27 days ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

xxl4tomxu98/learn-you-from-text
This App predicts author's sentiment and personality traits by analyzing simple text input he or she writes. M1 Macbook Optimized Pytorch Neural Network Models.
Size: 179 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

avinsit123/Tweet-o-Pedia
The Wikipedia of Twitter and the Google Equivalent for Sentiment search
Language: Python - Size: 44.1 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

Eric-D-Stevens/BreathTaking
(In progress) This project is an attempt to use neural networks and Fourier transforms to perform vocal cloning from only a large quantity of single speaker audio.
Language: Jupyter Notebook - Size: 43 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0

dnwjddl/pytorch-in-DeepLearning
🌱CNN, GAN, RNN, DQN, Autoencoder, ResNet, Seq2Seq, Adversarial Attack IN PYTORCH
Language: Jupyter Notebook - Size: 2.23 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 1

swastishreya/FirstTextWorldProblems Fork of leox1v/FirstTextWorldProblems
This work brings together the efforts of Narasimhan et al. and Adolphs et al. to tackle the task of building an AI agent that can play efficiently and win simplified text-based games.
Language: Python - Size: 11.8 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

arpanmukherjee/Detecting-Semantic-Similarity-in-Questions
Language: Jupyter Notebook - Size: 947 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 1

chandanky23/AI-Chat-Bot
A simple Feed Forward Neural Net AI-chat bot built using concepts of NLP like tokenize, stemming, bag of words
Language: Python - Size: 6.84 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

rtharungowda/Sentiment-Analysis-BERT
Sentiment analysis using BERT and pytorch on hugging face data set
Language: Jupyter Notebook - Size: 2.06 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

lext/medchat_app
Language: JavaScript - Size: 5.11 MB - Last synced at: over 2 years ago - Pushed at: about 7 years ago - Stars: 4 - Forks: 2

paras-jain/pytorch-practice
This repository contains simplified implementations of neural-networks and their applications in PyTorch.
Language: Jupyter Notebook - Size: 534 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 1

jmribeiro/PyTorch-Seq2Seq-Encoder-Decoder
Arabic to English Translation using Encoder-Decoder Sequence-to-Sequence Model
Language: Python - Size: 133 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

khuyentran1401/Real-or-Not
Kaggle competition to predict which Tweets are about real disasters and which ones are not
Language: Jupyter Notebook - Size: 56.6 KB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

nprithviraj24/natural-language-processing
A quick timeline overview of how Deep Learning has evolved in field of Natural Language Processing.
Language: Jupyter Notebook - Size: 2.7 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

poteminr/rustory_generation
Language Model for ru-story generation 👨💻
Language: Jupyter Notebook - Size: 87.9 KB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 1

lapidshay/RealOrNotNLPDisasterTweets
A Bi-Directional LSTM solution for Kaggle challenge "Real or Not? NLP with Disaster Tweets"
Language: Jupyter Notebook - Size: 80.1 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

qbTrible/GPT2
Versify with GPT2
Language: Python - Size: 9.77 KB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

huangjundashuaige/hackathon-chatbot
this is the workspace for hackathon with xuxf,luweishen and huangjun
Language: Jupyter Notebook - Size: 2.11 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 2

HFooladi/PyTorch_Chatbot_Tutorial
Tutorial based on this course: https://youtu.be/CNuI8OWsppg
Language: Jupyter Notebook - Size: 9.25 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 1

Craq/quora-kaggle
Quora kaggle competition research.
Language: Jupyter Notebook - Size: 10.7 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

OrBin/docker-spacy-pytorch
Docker image for Natural Language Processing using Deep Learning (PyTorch and spaCy)
Size: 0 Bytes - Last synced at: about 22 hours ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0
