All Projects → Syntree2vec → Similar Projects or Alternatives

6566 Open source projects that are alternatives of or similar to Syntree2vec

Nlp Notebooks
A collection of notebooks for Natural Language Processing from NLP Town
Stars: ✭ 513 (+5600%)
Biosentvec
BioWordVec & BioSentVec: pre-trained embeddings for biomedical words and sentences
Stars: ✭ 308 (+3322.22%)
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+35555.56%)
Germanwordembeddings
Toolkit to obtain and preprocess german corpora, train models using word2vec (gensim) and evaluate them with generated testsets
Stars: ✭ 189 (+2000%)
Coursera Natural Language Processing Specialization
Programming assignments from all courses in the Coursera Natural Language Processing Specialization offered by deeplearning.ai.
Stars: ✭ 39 (+333.33%)
Pytorch graph Rel
A PyTorch implementation of GraphRel
Stars: ✭ 204 (+2166.67%)
Text summarization with tensorflow
Implementation of a seq2seq model for summarization of textual data. Demonstrated on amazon reviews, github issues and news articles.
Stars: ✭ 226 (+2411.11%)
Question Generation
Generating multiple choice questions from text using Machine Learning.
Stars: ✭ 227 (+2422.22%)
Hands On Deep Learning Algorithms With Python
Master Deep Learning Algorithms with Extensive Math by Implementing them using TensorFlow
Stars: ✭ 272 (+2922.22%)
Adaptnlp
An easy to use Natural Language Processing library and framework for predicting, training, fine-tuning, and serving up state-of-the-art NLP models.
Stars: ✭ 278 (+2988.89%)
Nlp Papers With Arxiv
Statistics and accepted paper list of NLP conferences with arXiv link
Stars: ✭ 345 (+3733.33%)
Data Science
Collection of useful data science topics along with code and articles
Stars: ✭ 315 (+3400%)
Bert Sklearn
a sklearn wrapper for Google's BERT model
Stars: ✭ 182 (+1922.22%)
Notebooks
Jupyter Notebooks with Deep Learning Tutorials
Stars: ✭ 188 (+1988.89%)
Machine Learning Notebooks
Machine Learning notebooks for refreshing concepts.
Stars: ✭ 222 (+2366.67%)
Aind Nlp
Coding exercises for the Natural Language Processing concentration, part of Udacity's AIND program.
Stars: ✭ 202 (+2144.44%)
Bertviz
Tool for visualizing attention in the Transformer model (BERT, GPT-2, Albert, XLNet, RoBERTa, CTRL, etc.)
Stars: ✭ 3,443 (+38155.56%)
Nlpython
This repository contains the code related to Natural Language Processing using python scripting language. All the codes are related to my book entitled "Python Natural Language Processing"
Stars: ✭ 265 (+2844.44%)
Chakin
Simple downloader for pre-trained word vectors
Stars: ✭ 323 (+3488.89%)
Deepnlp Models Pytorch
Pytorch implementations of various Deep NLP models in cs-224n(Stanford Univ)
Stars: ✭ 2,760 (+30566.67%)
Code search
Code For Medium Article: "How To Create Natural Language Semantic Search for Arbitrary Objects With Deep Learning"
Stars: ✭ 436 (+4744.44%)
Practical Pytorch
Go to https://github.com/pytorch/tutorials - this repo is deprecated and no longer maintained
Stars: ✭ 4,329 (+48000%)
Courses
Quiz & Assignment of Coursera
Stars: ✭ 454 (+4944.44%)
Hate Speech And Offensive Language
Repository for the paper "Automated Hate Speech Detection and the Problem of Offensive Language", ICWSM 2017
Stars: ✭ 543 (+5933.33%)
Ml Mipt
Open Machine Learning course at MIPT
Stars: ✭ 480 (+5233.33%)
Pythoncode Tutorials
The Python Code Tutorials
Stars: ✭ 544 (+5944.44%)
Speech Emotion Analyzer
The neural network model is capable of detecting five different male/female emotions from audio speeches. (Deep Learning, NLP, Python)
Stars: ✭ 633 (+6933.33%)
Deeptoxic
top 1% solution to toxic comment classification challenge on Kaggle.
Stars: ✭ 180 (+1900%)
Nlp profiler
A simple NLP library allows profiling datasets with one or more text columns. When given a dataset and a column name containing text data, NLP Profiler will return either high-level insights or low-level/granular statistical information about the text in that column.
Stars: ✭ 181 (+1911.11%)
Nel
Entity linking framework
Stars: ✭ 176 (+1855.56%)
Practical 1
Oxford Deep NLP 2017 course - Practical 1: word2vec
Stars: ✭ 220 (+2344.44%)
Graph Convolution Nlp
Graph Convolution Network for NLP
Stars: ✭ 208 (+2211.11%)
Pytorch Transformers Classification
Based on the Pytorch-Transformers library by HuggingFace. To be used as a starting point for employing Transformer models in text classification tasks. Contains code to easily train BERT, XLNet, RoBERTa, and XLM models for text classification.
Stars: ✭ 229 (+2444.44%)
Debiaswe
Remove problematic gender bias from word embeddings.
Stars: ✭ 175 (+1844.44%)
Text2vec
Fast vectorization, topic modeling, distances and GloVe word embeddings in R.
Stars: ✭ 715 (+7844.44%)
Malaya
Natural Language Toolkit for bahasa Malaysia, https://malaya.readthedocs.io/
Stars: ✭ 239 (+2555.56%)
Nlp Tutorial
Tutorial: Natural Language Processing in Python
Stars: ✭ 274 (+2944.44%)
Pytorch Bert Crf Ner
KoBERT와 CRF로 만든 한국어 개체명인식기 (BERT+CRF based Named Entity Recognition model for Korean)
Stars: ✭ 236 (+2522.22%)
Ecco
Visualize and explore NLP language models. Ecco creates interactive visualizations directly in Jupyter notebooks explaining the behavior of Transformer-based language models (like GPT2).
Stars: ✭ 723 (+7933.33%)
Nlp In Practice
Starter code to solve real world text data problems. Includes: Gensim Word2Vec, phrase embeddings, Text Classification with Logistic Regression, word count with pyspark, simple text preprocessing, pre-trained embeddings and more.
Stars: ✭ 790 (+8677.78%)
Zhihu
This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.
Stars: ✭ 3,307 (+36644.44%)
Question generation
Neural question generation using transformers
Stars: ✭ 356 (+3855.56%)
Web Database Analytics
Web scrapping and related analytics using Python tools
Stars: ✭ 175 (+1844.44%)
Bert Embedding
🔡 Token level embeddings from BERT model on mxnet and gluonnlp
Stars: ✭ 424 (+4611.11%)
Deep learning nlp
Keras, PyTorch, and NumPy Implementations of Deep Learning Architectures for NLP
Stars: ✭ 407 (+4422.22%)
Practical Nlp
Official Repository for 'Practical Natural Language Processing' by O'Reilly Media
Stars: ✭ 452 (+4922.22%)
Anlp19
Course repo for Applied Natural Language Processing (Spring 2019)
Stars: ✭ 402 (+4366.67%)
Xlnet Pytorch
Simple XLNet implementation with Pytorch Wrapper
Stars: ✭ 501 (+5466.67%)
Bert score
BERT score for text generation
Stars: ✭ 568 (+6211.11%)
Transformers Tutorials
Github repo with tutorials to fine tune transformers for diff NLP tasks
Stars: ✭ 384 (+4166.67%)
Machine Learning
머신러닝 입문자 혹은 스터디를 준비하시는 분들에게 도움이 되고자 만든 repository입니다. (This repository is intented for helping whom are interested in machine learning study)
Stars: ✭ 705 (+7733.33%)
Ai Series
📚 [.md & .ipynb] Series of Artificial Intelligence & Deep Learning, including Mathematics Fundamentals, Python Practices, NLP Application, etc. 💫 人工智能与深度学习实战,数理统计篇 | 机器学习篇 | 深度学习篇 | 自然语言处理篇 | 工具实践 Scikit & Tensoflow & PyTorch 篇 | 行业应用 & 课程笔记
Stars: ✭ 702 (+7700%)
Coursera
Quiz & Assignment of Coursera
Stars: ✭ 774 (+8500%)
Madewithml
Learn how to responsibly deliver value with ML.
Stars: ✭ 29,253 (+324933.33%)
Covid 19 Bert Researchpapers Semantic Search
BERT semantic search engine for searching literature research papers for coronavirus covid-19 in google colab
Stars: ✭ 23 (+155.56%)
Dive Into Dl Pytorch
本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为PyTorch实现。
Stars: ✭ 14,234 (+158055.56%)
Deep Math Machine Learning.ai
A blog which talks about machine learning, deep learning algorithms and the Math. and Machine learning algorithms written from scratch.
Stars: ✭ 173 (+1822.22%)
Nlp Python Deep Learning
NLP in Python with Deep Learning
Stars: ✭ 374 (+4055.56%)
Me bot
Build a bot that speaks like you!
Stars: ✭ 641 (+7022.22%)
Awesome Ai Ml Dl
Awesome Artificial Intelligence, Machine Learning and Deep Learning as we learn it. Study notes and a curated list of awesome resources of such topics.
Stars: ✭ 831 (+9133.33%)
1-60 of 6566 similar projects