Awesome Open Source
Search
Programming Languages
Languages
All Categories
Categories
About
Search results for python word2vec
python
x
word2vec
x
707 search results found
Gensim
⭐
14,664
Topic Modelling for Humans
Numpy Ml
⭐
12,223
Machine learning, in numpy
Flashtext
⭐
5,449
Extract Keywords from sentence or Replace keywords in sentences.
Nlp_ability
⭐
4,337
总结梳理自然语言处理工程师(NLP)需要积累的各方面知识,包括面试题,各种基础知识,工程能力等等,提
Paddlerec
⭐
3,903
Recommendation Algorithm大规模推荐算法库,包含推荐系统经典及最新算法LR、Wide&Deep、DSSM、T MAML、xDeepFM、DeepFEFM、NFM、AFM、RALM、DMR、GateNet、NAM Crossing、PNN、BST、AutoInt、FGCNN、FLEN、Fibinet、ListWi 、movielens等
Deep Learning 21 Examples
⭐
3,883
《21个项目玩转深度学习———基于TensorFlow的实践详解》配套代码
Dive Into Dl Tensorflow2.0
⭐
3,588
本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为TensorFlow 2.0实现,项目已得到李沐老师的认可
Text2vec
⭐
3,070
text2vec, text to vector. 文本向量表征工具,把文本转化为向量矩阵,实现了Word2Vec、RankBM25、Sentence-
Lda2vec
⭐
3,015
Word2vec
⭐
2,497
Python interface to Google word2vec
Scattertext
⭐
2,131
Beautiful visualizations of how language differs among document types.
Tensorflow Tutorials
⭐
2,108
텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다
Cnn_sentence
⭐
1,873
CNNs for sentence classification
Wordvectors
⭐
1,834
Pre-trained word vectors of 30+ languages
Magnitude
⭐
1,542
A fast, efficient universal vector embedding utility package.
Nlp Journey
⭐
1,528
Documents, papers and codes related to Natural Language Processing, including Topic Model, Word Embedding, Named Entity Recognition, Text Classificatin, Text Generation, Text Similarity, Machine Translation),etc. All codes are implemented intensorflow 2.0.
Sense2vec
⭐
1,486
🦆 Contextually-keyed word vectors
Word2vec Api
⭐
1,303
Simple web service providing a word embedding model
Repo 2017
⭐
1,146
Python codes in Machine Learning, NLP, Deep Learning and Reinforcement Learning with Keras and Theano
Nlp
⭐
1,128
兜哥出品 <一本开源的NLP入门书籍>
Conceptnet Numberbatch
⭐
1,114
Funpyspidersearchengine
⭐
862
Word2vec 千人千面 个性化搜索 + Scrapy2.3.0(爬取数据) + ElasticSearch7.9.1(存储数据并提供对外Restful API) + Django3.1.1 搜索
Graph2vec
⭐
791
A parallel implementation of "graph2vec: Learning Distributed Representations of Graphs" (MLGWorkshop 2017).
Lightnlp
⭐
725
基于Pytorch和torchtext的自然语言处理深度学习框架。
Facebook Messenger Bot
⭐
669
Facebook chatbot that I trained to talk like me using Seq2Seq
Word2vec Graph
⭐
650
Exploring word2vec embeddings as a graph of nearest neighbors
Cs224n
⭐
647
CS224n: Natural Language Processing with Deep Learning Assignments Winter, 2017
Ngram2vec
⭐
638
Four word embedding models implemented in Python. Supporting arbitrary context features
Cs224n Learning Camp
⭐
596
Magpie
⭐
574
Deep neural network framework for multi-label text classification
Keyword_extraction
⭐
574
利用Python实现中文文本关键词抽取,分别采用TF-IDF、TextRank、Word2Vec词聚
Ner Lstm
⭐
528
Named Entity Recognition using multilayered bidirectional LSTM
Vectorhub
⭐
525
Vector Hub - Library for easy discovery, and consumption of State-of-the-art models to turn data into vectors. (text2vec, image2vec, video2vec, graph2vec, bert, inception, etc)
Word2vec Tutorial
⭐
473
中文詞向量訓練教學
Lmdb Embeddings
⭐
399
Fast word vectors with little memory usage in Python
Wiki_zh_word2vec
⭐
393
利用Python构建Wiki中文语料词向量模型试验
Word Embedding
⭐
372
Word2vec, Fasttext, Glove, Elmo, Bert, Flair pre-train Word Embedding
Word Embeddings Benchmarks
⭐
368
Package for evaluating word embeddings
Deep_learning_nlp
⭐
359
Keras, PyTorch, and NumPy Implementations of Deep Learning Architectures for NLP
Pycadl
⭐
355
Python package with source code from the course "Creative Applications of Deep Learning w/ TensorFlow"
Textaugment
⭐
339
TextAugment: Text Augmentation Library
Natural Language Processing
⭐
336
Programming Assignments and Lectures for Stanford's CS 224: Natural Language Processing with Deep Learning
Zh_cnn_text_classify
⭐
333
基于CNN的中文文本分类算法(可应用于垃圾邮件过滤、情感分析等场景)
Nlp_basis
⭐
308
这是我学习一个NLP教程【2019最新AI 自然语言处理之深度机器学习顶级项目实战课程】做的笔记与代码
Attentionwalk
⭐
299
A PyTorch Implementation of "Watch Your Step: Learning Node Embeddings via Graph Attention" (NeurIPS 2018).
Sentiment Analysis
⭐
296
Chinese Shopping Reviews sentiment analysis
Word2vecexample
⭐
284
An example application using Word2Vec. Given a list of words, it finds the one which isn't 'like' the others - a typical language understanding evaluation task.
Personality Detection
⭐
273
Implementation of a hierarchical CNN based model to detect Big Five personality traits
Nlu_sim
⭐
271
all kinds of baseline models for sentence similarity 句子对语义相似度模型
Languagecrunch
⭐
269
LanguageCrunch NLP server docker image
Inspect_word2vec
⭐
269
Python code for checking out Google's pre-trained, 3M word Word2Vec model
Abcnn
⭐
252
Implementation of ABCNN(Attention-Based Convolutional Neural Network) on Tensorflow
Movietaster Open
⭐
241
A practical movie recommend project based on Item2vec.
Im2recipe Pytorch
⭐
239
im2recipe Pytorch implementation
Gemsec
⭐
234
The TensorFlow reference implementation of 'GEMSEC: Graph Embedding with Self Clustering' (ASONAM 2019).
Debug_seq2seq
⭐
231
[unmaintained] Make seq2seq for keras work
Conceptualsearch
⭐
230
Train a Word2Vec model or LSA model, and Implement Conceptual Search\Semantic Search in Solr\Lucene - Simon Hughes Dice.com, Dice Tech Jobs
Pyrdf2vec
⭐
224
🐍 Python Implementation and Extension of RDF2Vec
Pytorch Sgns
⭐
222
Skipgram Negative Sampling in PyTorch
Textclf
⭐
217
TextClf :基于Pytorch/Sklearn的文本分类框架,包括逻辑回归、SVM、TextCNN、TextR
Im2recipe
⭐
216
Code supporting the CVPR 2017 paper "Learning Cross-modal Embeddings for Cooking Recipes and Food Images"
Keyword_extraction
⭐
211
神策杯2018高校算法大师赛(中文关键词提取)第二名代码方案
Vnlp
⭐
207
State-of-the-art, lightweight NLP tools for Turkish language. Developed by VNGRS.
Scoper
⭐
206
Fuzzy and semantic search for captioned YouTube videos.
Splitter
⭐
203
A Pytorch implementation of "Splitter: Learning Node Representations that Capture Multiple Social Contexts" (WWW 2019).
Chameleon_recsys
⭐
202
Source code of CHAMELEON - A Deep Learning Meta-Architecture for News Recommender Systems
Text Cnn
⭐
198
嵌入Word2vec词向量的CNN中文文本分类
Shallowlearn
⭐
196
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.
Data_grand
⭐
195
2018达观杯文本智能处理挑战赛 Top10解决方案(10/3830)
Danmf
⭐
187
A sparsity aware implementation of "Deep Autoencoder-like Nonnegative Matrix Factorization for Community Detection" (CIKM 2018).
Word2vec Keras In Gensim
⭐
185
word2vec uisng keras inside gensim
Netl Automatic Topic Labelling
⭐
184
Generating labels for topics automatically using neural embeddings
Embedding As Service
⭐
182
One-Stop Solution to encode sentence to fixed length vectors from various embedding techniques
Text Pairs Relation Classification
⭐
182
About Text Pairs (Sentence Level) Classification (Similarity Modeling) Based on Neural Network.
Webvectors
⭐
180
Web-ify your word2vec: framework to serve distributional semantic models online
Fasttextjapanesetutorial
⭐
174
Tutorial to train fastText with Japanese corpus
Graphwavemachine
⭐
171
A scalable implementation of "Learning Structural Node Embeddings Via Diffusion Wavelets (KDD 2018)".
Hierarchical Attention Networks Pytorch
⭐
171
Hierarchical Attention Networks for document classification
Nlp_research
⭐
170
NLP research:基于tensorflow的nlp深度学习项目,支持文本分类/句子匹配/序列标注/文 四大任务
Nlp_learning
⭐
166
结合python一起学习自然语言处理 (nlp): 语言模型、HMM、PCFG、Word2vec、完形填空式阅读理解任务、朴素贝叶斯分类器、TFIDF、
Text_classifier_tf2
⭐
162
Tensorflow2.3的文本分类项目,支持各种分类模型,支持相关tricks。
Role2vec
⭐
157
A scalable Gensim implementation of "Learning Role-based Graph Embeddings" (IJCAI 2018).
Word2vec
⭐
155
对 ansj 编写的 Word2VEC_java 的进一步包装,同时实现了常用的词语相似度和句子相似度计算。
Word2vec Slim
⭐
153
word2vec Google News model slimmed down to 300k English words
Entity2rec
⭐
149
entity2rec generates item recommendation using property-specific knowledge graph embeddings
Stocksensation
⭐
146
基于情感字典和机器学习的股市舆情情感分类可视化Web
Navec
⭐
140
Compact high quality word embeddings for Russian language
W2v_server_googlenews
⭐
135
Code for the word2vec HTTP server running at https://rare-technologies.com/word2vec-tutorial/#b
Wordembeddings Elmo Fasttext Word2vec
⭐
129
Using pre trained word embeddings (Fasttext, Word2Vec)
Word2vec Recommender
⭐
128
Recommendation engine based on contextual word embeddings
Pytorch_neg_loss
⭐
125
NEG loss implemented in pytorch
Sentence Similarity
⭐
125
对四种句子/文本相似度计算方法进行实验与比较
Tiancheng
⭐
123
甜橙金融初赛Rank1
Musae
⭐
122
The reference implementation of "Multi-scale Attributed Node Embedding". (Journal of Complex Networks 2021)
Sent2vec
⭐
117
How to encode sentences in a high-dimensional vector space, a.k.a., sentence embedding.
Recsys Nlp Graph
⭐
115
🛒 Simple recommender with matrix factorization, graph, and NLP. Beating the regular collaborative filtering baseline.
Document2vec
⭐
115
Finding document vectors from pre-trained word2vec word vectors
Word2vecvn
⭐
115
Pre-trained Word2Vec models for Vietnamese
Word_embeddings
⭐
112
Code for the blog post "Making Sense of Word2vec"
Bdci2017 Minglue
⭐
112
BDCI2017-让AI当法官,决赛第四(4/415)https://www.datafountai
Related Searches
Python Python3 (857,414)
Python Django (26,307)
Python Flask (17,153)
Python Dataset (14,792)
Python Pytorch (14,669)
Python Machine Learning (14,099)
Python Docker (13,757)
Python Tensorflow (13,737)
Python Command Line (13,351)
Python Deep Learning (13,092)
1-100 of 707 search results
Next >
Privacy
|
About
|
Terms
|
Follow Us On Twitter
Copyright 2018-2023 Awesome Open Source. All rights reserved.