All Projects → Finalfusion Rust → Similar Projects or Alternatives

525 Open source projects that are alternatives of or similar to Finalfusion Rust

Embedding As Service
One-Stop Solution to encode sentence to fixed length vectors from various embedding techniques
Stars: ✭ 151 (+331.43%)
Mutual labels:  word2vec, embeddings, fasttext, glove
Lmdb Embeddings
Fast word vectors with little memory usage in Python
Stars: ✭ 404 (+1054.29%)
Mutual labels:  word2vec, embeddings, fasttext, glove
Magnitude
A fast, efficient universal vector embedding utility package.
Stars: ✭ 1,394 (+3882.86%)
Mutual labels:  word2vec, embeddings, fasttext, glove
Simple-Sentence-Similarity
Exploring the simple sentence similarity measurements using word embeddings
Stars: ✭ 99 (+182.86%)
Mutual labels:  word2vec, glove, fasttext
Persian-Sentiment-Analyzer
Persian sentiment analysis ( آناکاوی سهش های فارسی | تحلیل احساسات فارسی )
Stars: ✭ 30 (-14.29%)
Mutual labels:  word2vec, embeddings, fasttext
Cw2vec
cw2vec: Learning Chinese Word Embeddings with Stroke n-gram Information
Stars: ✭ 224 (+540%)
Mutual labels:  word2vec, embeddings, fasttext
Embeddingsviz
Visualize word embeddings of a vocabulary in TensorBoard, including the neighbors
Stars: ✭ 40 (+14.29%)
Mutual labels:  embeddings, fasttext, glove
Wordembeddings Elmo Fasttext Word2vec
Using pre trained word embeddings (Fasttext, Word2Vec)
Stars: ✭ 146 (+317.14%)
Mutual labels:  word2vec, fasttext, glove
NLP-paper
🎨 🎨NLP 自然语言处理教程 🎨🎨 https://dataxujing.github.io/NLP-paper/
Stars: ✭ 23 (-34.29%)
Mutual labels:  word2vec, glove, fasttext
navec
Compact high quality word embeddings for Russian language
Stars: ✭ 118 (+237.14%)
Mutual labels:  word2vec, embeddings, glove
Keras Textclassification
中文长文本分类、短句子分类、多标签分类、两句子相似度(Chinese Text Classification of Keras NLP, multi-label classify, or sentence classify, long or short),字词句向量嵌入层(embeddings)和网络层(graph)构建基类,FastText,TextCNN,CharCNN,TextRNN, RCNN, DCNN, DPCNN, VDCNN, CRNN, Bert, Xlnet, Albert, Attention, DeepMoji, HAN, 胶囊网络-CapsuleNet, Transformer-encode, Seq2seq, SWEM, LEAM, TextGCN
Stars: ✭ 914 (+2511.43%)
Mutual labels:  embeddings, fasttext
Datastories Semeval2017 Task4
Deep-learning model presented in "DataStories at SemEval-2017 Task 4: Deep LSTM with Attention for Message-level and Topic-based Sentiment Analysis".
Stars: ✭ 184 (+425.71%)
Mutual labels:  embeddings, glove
Repo 2017
Python codes in Machine Learning, NLP, Deep Learning and Reinforcement Learning with Keras and Theano
Stars: ✭ 1,123 (+3108.57%)
Mutual labels:  word2vec, glove
Vectorsinsearch
Dice.com repo to accompany the dice.com 'Vectors in Search' talk by Simon Hughes, from the Activate 2018 search conference, and the 'Searching with Vectors' talk from Haystack 2019 (US). Builds upon my conceptual search and semantic search work from 2015
Stars: ✭ 71 (+102.86%)
Mutual labels:  word2vec, glove
Text2vec
Fast vectorization, topic modeling, distances and GloVe word embeddings in R.
Stars: ✭ 715 (+1942.86%)
Mutual labels:  word2vec, glove
Dict2vec
Dict2vec is a framework to learn word embeddings using lexical dictionaries.
Stars: ✭ 91 (+160%)
Mutual labels:  word2vec, embeddings
Ngram2vec
Four word embedding models implemented in Python. Supporting arbitrary context features
Stars: ✭ 703 (+1908.57%)
Mutual labels:  word2vec, glove
Dna2vec
dna2vec: Consistent vector representations of variable-length k-mers
Stars: ✭ 117 (+234.29%)
Mutual labels:  word2vec, embeddings
Hierarchical Attention Network
Implementation of Hierarchical Attention Networks in PyTorch
Stars: ✭ 120 (+242.86%)
Mutual labels:  word2vec, glove
Servenet
Service Classification based on Service Description
Stars: ✭ 21 (-40%)
Mutual labels:  word2vec, glove
Fasttext4j
Implementing Facebook's FastText with java
Stars: ✭ 148 (+322.86%)
Mutual labels:  word2vec, fasttext
Entity2rec
entity2rec generates item recommendation using property-specific knowledge graph embeddings
Stars: ✭ 159 (+354.29%)
Mutual labels:  word2vec, embeddings
Nlp research
NLP research:基于tensorflow的nlp深度学习项目,支持文本分类/句子匹配/序列标注/文本生成 四大任务
Stars: ✭ 141 (+302.86%)
Mutual labels:  word2vec, fasttext
Gensim
Topic Modelling for Humans
Stars: ✭ 12,763 (+36365.71%)
Mutual labels:  word2vec, fasttext
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (-2.86%)
Mutual labels:  word2vec, fasttext
word-embeddings-from-scratch
Creating word embeddings from scratch and visualize them on TensorBoard. Using trained embeddings in Keras.
Stars: ✭ 22 (-37.14%)
Mutual labels:  word2vec, embeddings
Fastrtext
R wrapper for fastText
Stars: ✭ 103 (+194.29%)
Mutual labels:  embeddings, fasttext
Sensegram
Making sense embedding out of word embeddings using graph-based word sense induction
Stars: ✭ 209 (+497.14%)
Mutual labels:  word2vec, embeddings
sarcasm-detection-for-sentiment-analysis
Sarcasm Detection for Sentiment Analysis
Stars: ✭ 21 (-40%)
Mutual labels:  word2vec, glove
Deeplearning Nlp Models
A small, interpretable codebase containing the re-implementation of a few "deep" NLP models in PyTorch. Colab notebooks to run with GPUs. Models: word2vec, CNNs, transformer, gpt.
Stars: ✭ 64 (+82.86%)
Mutual labels:  word2vec, embeddings
Half Size
Code for "Effective Dimensionality Reduction for Word Embeddings".
Stars: ✭ 89 (+154.29%)
Mutual labels:  fasttext, glove
Nlp Journey
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.
Stars: ✭ 1,290 (+3585.71%)
Mutual labels:  word2vec, fasttext
Glove As A Tensorflow Embedding Layer
Taking a pretrained GloVe model, and using it as a TensorFlow embedding weight layer **inside the GPU**. Therefore, you only need to send the index of the words through the GPU data transfer bus, reducing data transfer overhead.
Stars: ✭ 85 (+142.86%)
Mutual labels:  word2vec, glove
Philo2vec
An implementation of word2vec applied to [stanford philosophy encyclopedia](http://plato.stanford.edu/)
Stars: ✭ 33 (-5.71%)
Mutual labels:  word2vec, embeddings
Nlp
兜哥出品 <一本开源的NLP入门书籍>
Stars: ✭ 1,677 (+4691.43%)
Mutual labels:  word2vec, fasttext
Awesome Embedding Models
A curated list of awesome embedding models tutorials, projects and communities.
Stars: ✭ 1,486 (+4145.71%)
Mutual labels:  word2vec, embeddings
Fasttext.js
FastText for Node.js
Stars: ✭ 127 (+262.86%)
Mutual labels:  word2vec, fasttext
Textclf
TextClf :基于Pytorch/Sklearn的文本分类框架,包括逻辑回归、SVM、TextCNN、TextRNN、TextRCNN、DRNN、DPCNN、Bert等多种模型,通过简单配置即可完成数据处理、模型训练、测试等过程。
Stars: ✭ 105 (+200%)
Mutual labels:  word2vec, glove
lda2vec
Mixing Dirichlet Topic Models and Word Embeddings to Make lda2vec from this paper https://arxiv.org/abs/1605.02019
Stars: ✭ 27 (-22.86%)
Mutual labels:  word2vec, embeddings
datastories-semeval2017-task6
Deep-learning model presented in "DataStories at SemEval-2017 Task 6: Siamese LSTM with Attention for Humorous Text Comparison".
Stars: ✭ 20 (-42.86%)
Mutual labels:  embeddings, glove
sentiment-analysis-of-tweets-in-russian
Sentiment analysis of tweets in Russian using Convolutional Neural Networks (CNN) with Word2Vec embeddings.
Stars: ✭ 51 (+45.71%)
Mutual labels:  word2vec, embeddings
word embedding
Sample code for training Word2Vec and FastText using wiki corpus and their pretrained word embedding..
Stars: ✭ 21 (-40%)
Mutual labels:  word2vec, fasttext
Wego
Word Embeddings (e.g. Word2Vec) in Go!
Stars: ✭ 336 (+860%)
Mutual labels:  word2vec, glove
go2vec
Read and use word2vec vectors in Go
Stars: ✭ 44 (+25.71%)
Mutual labels:  word2vec, embeddings
Vectorhub
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)
Stars: ✭ 317 (+805.71%)
Mutual labels:  word2vec, embeddings
Pycadl
Python package with source code from the course "Creative Applications of Deep Learning w/ TensorFlow"
Stars: ✭ 356 (+917.14%)
Mutual labels:  word2vec, glove
word2vec-tsne
Google News and Leo Tolstoy: Visualizing Word2Vec Word Embeddings using t-SNE.
Stars: ✭ 59 (+68.57%)
Mutual labels:  word2vec, embeddings
SentimentAnalysis
(BOW, TF-IDF, Word2Vec, BERT) Word Embeddings + (SVM, Naive Bayes, Decision Tree, Random Forest) Base Classifiers + Pre-trained BERT on Tensorflow Hub + 1-D CNN and Bi-Directional LSTM on IMDB Movie Reviews Dataset
Stars: ✭ 40 (+14.29%)
Mutual labels:  word2vec, embeddings
Embedding
Embedding模型代码和学习笔记总结
Stars: ✭ 25 (-28.57%)
Mutual labels:  word2vec, fasttext
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.
Stars: ✭ 196 (+460%)
Mutual labels:  word2vec, fasttext
cade
Compass-aligned Distributional Embeddings. Align embeddings from different corpora
Stars: ✭ 29 (-17.14%)
Mutual labels:  word2vec, embeddings
game2vec
TensorFlow implementation of word2vec applied on https://www.kaggle.com/tamber/steam-video-games dataset, using both CBOW and Skip-gram.
Stars: ✭ 62 (+77.14%)
Mutual labels:  word2vec, embeddings
Wordvectors
Pre-trained word vectors of 30+ languages
Stars: ✭ 2,043 (+5737.14%)
Mutual labels:  word2vec, fasttext
reach
Load embeddings and featurize your sentences.
Stars: ✭ 17 (-51.43%)
Mutual labels:  word2vec, embeddings
Natural Language Processing
Programming Assignments and Lectures for Stanford's CS 224: Natural Language Processing with Deep Learning
Stars: ✭ 377 (+977.14%)
Mutual labels:  word2vec, glove
Fast sentence embeddings
Compute Sentence Embeddings Fast!
Stars: ✭ 384 (+997.14%)
Mutual labels:  embeddings, fasttext
Natasha
Solves basic Russian NLP tasks, API for lower level Natasha projects
Stars: ✭ 788 (+2151.43%)
Mutual labels:  embeddings
Roleo
Web based semantic visualization tool
Stars: ✭ 12 (-65.71%)
Mutual labels:  embeddings
Awesome 2vec
Curated list of 2vec-type embedding models
Stars: ✭ 784 (+2140%)
Mutual labels:  embeddings
Lightnlp
基于Pytorch和torchtext的自然语言处理深度学习框架。
Stars: ✭ 739 (+2011.43%)
Mutual labels:  word2vec
1-60 of 525 similar projects