gensim
There are 636 repositories under gensim topic.
piskvorky/gensim
Topic Modelling for Humans
dipanjanS/text-analytics-with-python
Learn how to process, classify, cluster, summarize, understand syntax, semantics and sentiment of text data with the power of Python! This repository contains code and datasets used in my book, "Text Analytics with Python" published by Apress/Springer.
plasticityai/magnitude
A fast, efficient universal vector embedding utility package.
explosion/sense2vec
🦆 Contextually-keyed word vectors
kavgan/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.
piskvorky/gensim-data
Data repository for pretrained NLP models and NLP corpora.
oborchers/Fast_Sentence_Embeddings
Compute Sentence Embeddings Fast!
zake7749/word2vec-tutorial
中文詞向量訓練教學
ThoughtRiver/lmdb-embeddings
Fast word vectors with little memory usage in Python
bakrianoo/aravec
AraVec is a pre-trained distributed word representation (word embedding) open source project which aims to provide the Arabic NLP research community with free to use and powerful word embedding models.
5hirish/adam_qas
ADAM - A Question Answering System. Inspired from IBM Watson
AICoE/log-anomaly-detector
Log Anomaly Detection - Machine learning to detect abnormal events logs
30lm32/ml-projects
ML based projects such as Spam Classification, Time Series Analysis, Text Classification using Random Forest, Deep Learning, Bayesian, Xgboost in Python
benedekrozemberczki/GEMSEC
The TensorFlow reference implementation of 'GEMSEC: Graph Embedding with Self Clustering' (ASONAM 2019).
davidberenstein1957/concise-concepts
This repository contains an easy and intuitive approach to few-shot NER using most similar expansion over spaCy embeddings. Now with entity scoring.
devmount/GermanWordEmbeddings
Toolkit to obtain and preprocess German text corpora, train models and evaluate them with generated testsets. Built with Gensim and Tensorflow.
akoksal/Turkish-Word2Vec
Pre-trained Word2Vec Model for Turkish
benedekrozemberczki/Splitter
A Pytorch implementation of "Splitter: Learning Node Representations that Capture Multiple Social Contexts" (WWW 2019).
akutuzov/webvectors
Web-ify your word2vec: framework to serve distributional semantic models online
giacbrd/ShallowLearn
An experiment about re-implementing supervised learning models based on shallow neural network approaches (e.g. fastText) with some additional exclusive features and nice API. Written in Python and fully compatible with Scikit-learn.
platisd/duplicate-code-detection-tool
A simple Python3 tool to detect similarities between files within a repository
benedekrozemberczki/role2vec
A scalable Gensim implementation of "Learning Role-based Graph Embeddings" (IJCAI 2018).
benedekrozemberczki/MUSAE
The reference implementation of "Multi-scale Attributed Node Embedding". (Journal of Complex Networks 2021)
alisonmitchell/Stock-Prediction
Technical and sentiment analysis to predict the stock market with machine learning models based on historical time series data and news article sentiment collected using APIs and web scraping.
PrashantRanjan09/WordEmbeddings-Elmo-Fasttext-Word2Vec
Using pre trained word embeddings (Fasttext, Word2Vec)
dipanjanS/nlp_workshop_odsc_europe20
Extensive tutorials for the Advanced NLP Workshop in Open Data Science Conference Europe 2020. We will leverage machine learning, deep learning and deep transfer learning to learn and solve popular tasks using NLP including NER, Classification, Recommendation \ Information Retrieval, Summarization, Classification, Language Translation, Q&A and Topic Models.
benedekrozemberczki/diff2vec
Reference implementation of Diffusion2Vec (Complenet 2018) built on Gensim and NetworkX.
eellak/nlpbuddy
A text analysis application for performing common NLP tasks through a web dashboard interface and an API
ibrahimsharaf/doc2vec
:notebook: Long(er) text representation and classification using Doc2Vec embeddings
benedekrozemberczki/walklets
A lightweight implementation of Walklets from "Don't Walk Skip! Online Learning of Multi-scale Network Embeddings" (ASONAM 2017).
roboreport/doc2vec-api
document embedding and machine learning script for beginners
aniass/Product-Categorization-NLP
Multi-Class Text Classification for products based on their description with Machine Learning algorithms and Neural Networks (MLP, CNN, Distilbert).
philipperemy/japanese-words-to-vectors
Word2vec (word to vectors) approach for Japanese language using Gensim and Mecab.
apachecn/gensim-doc-zh
gensim 中文文档
johndpope/hcn
Hybrid Code Networks https://arxiv.org/abs/1702.03274
ansegura7/NLP
Free hands-on course with the implementation (in Python) and description of several Natural Language Processing (NLP) algorithms and techniques, on several modern platforms and libraries.