Ecosyste.ms: Repos

An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: glove-vectors

kmranrg/EmojiPredictor

predicts suitable emoji for given text

Language: HTML - Size: 66.3 MB - Last synced: about 1 month ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

imraviagrawal/ReadingComprehension

Bi-Directional Attention Flow for Machine Comprehensions

Language: Python - Size: 238 KB - Last synced: about 1 month ago - Pushed: over 6 years ago - Stars: 9 - Forks: 2

aamodbk/Why-So-Harsh

Harsh Comments classification using NLP (Machine Learning Course Project)

Language: Jupyter Notebook - Size: 902 KB - Last synced: about 1 month ago - Pushed: about 1 year ago - Stars: 0 - Forks: 0

azret/GloVe

C# implementation of GloVe algorithm (Pennington et al., 2014)

Language: C# - Size: 36 MB - Last synced: about 2 months ago - Pushed: over 6 years ago - Stars: 4 - Forks: 1

woctezuma/steam-descriptions

Retrieve semantically similar Steam games.

Language: Python - Size: 66.2 MB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 1 - Forks: 0

appielife/NLP-Word-Analogy-Predication-using-Word2Vec-and-GlOVE

Implement comparison functions for word representations (embeddings) and use the functions and representations to solve semantic similarity tasks

Language: Python - Size: 2.76 MB - Last synced: 2 months ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

GiteshJ/Text-Intent-Classification

Intent Classification of Bank Customer Complaints for Helping Chatbots

Language: Jupyter Notebook - Size: 671 KB - Last synced: 3 months ago - Pushed: almost 6 years ago - Stars: 1 - Forks: 2

brannondorsey/GloVe-experiments

GloVe word vector embedding experiments (similar to Word2Vec)

Language: Python - Size: 21.5 KB - Last synced: about 2 months ago - Pushed: 11 months ago - Stars: 64 - Forks: 19

Kiana-Jahanshid/Emoji-Text-Classification

Using pre-trained word vectors obtained from GloVe algorithm

Language: Jupyter Notebook - Size: 144 KB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 5 - Forks: 0

Guepardow/Email-recipient-recommendation

Project for Advanced Learning for Text and Graph Data - Peter Martigny & Mehdi Miah

Language: Jupyter Notebook - Size: 22.7 MB - Last synced: 5 months ago - Pushed: about 7 years ago - Stars: 0 - Forks: 0

doodyparizada/word2vec-spam-filter

Using word vectors to classify spam messages

Language: TypeScript - Size: 3.1 MB - Last synced: 3 months ago - Pushed: over 6 years ago - Stars: 150 - Forks: 14

rtrevinnoc/FUTURE 📦

A private, free, open-source search engine built on a P2P network

Language: Python - Size: 13.4 MB - Last synced: 3 months ago - Pushed: 7 months ago - Stars: 21 - Forks: 3

SiavashMT/GloVe

Toy Implementation of GloVe in Python

Language: Python - Size: 1.95 KB - Last synced: 8 months ago - Pushed: over 5 years ago - Stars: 2 - Forks: 1

SpydazWebAI-NLP/BasicWordEmbeddings2023

A Basic Word2Vector WordEmbeddings Model. With image2Vector and Audio2Vector Encoding and decoding. (Audio is not great but works NEeds improvement - but can be reconstructred)

Language: Visual Basic .NET - Size: 86.9 KB - Last synced: 9 months ago - Pushed: 9 months ago - Stars: 0 - Forks: 1

jyu-theartofml/Twitter-feed-analysis

Sentiment analysis of Twitter comments for airlines

Language: Jupyter Notebook - Size: 1.3 MB - Last synced: 10 months ago - Pushed: about 7 years ago - Stars: 1 - Forks: 1

Jeff-Winchell/Sentence_Restoration

Sentence Restoration from Automated Speech Recognition Transcripts. Unlike Sentence Boundary Disambiguation or Punctuation Restoration, this project has the limited but important (from an NLP perspective) task of taking automated speech transcripts which have zero punctuation and building sentences from them, necessary for all downstream NLP tasks.

Language: Jupyter Notebook - Size: 47.9 KB - Last synced: 11 months ago - Pushed: 11 months ago - Stars: 0 - Forks: 0

shaimaaK/arabic-word-embedding

Arabic Word Embedding models SkipGram, and GLoVE are trained over Arabic Wiki data Dump 2018 dataset from scratch using Gensim and GLoVE python libraries. Then the models are evaluated on three NLP tasks and its results are visualized in T-SNE

Language: Jupyter Notebook - Size: 2.68 MB - Last synced: 12 months ago - Pushed: 12 months ago - Stars: 0 - Forks: 0

manankshastri/WordVectorRepresentation

Operations on word vectors - measure similarity using cosine similarity, solve word analogy problems, reduce gender bias in word embedding.

Language: Jupyter Notebook - Size: 601 KB - Last synced: 12 months ago - Pushed: over 5 years ago - Stars: 5 - Forks: 1

EleetCodeR/YTVideoRanking

A novel approach towards video-ranking using intent and relevance feedback

Language: Python - Size: 113 MB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 1 - Forks: 0

sauravjoshi23/GloVe-Embeddings-NLP-JS

Language: JavaScript - Size: 1.22 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 2 - Forks: 1

mxkopy/NLP

An implementation of the Transformer architecture + an mmaped GloVe vector store

Language: Julia - Size: 28.3 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

kefirski/pytorch_GloVe

simple pytorch GloVe implementation

Language: Python - Size: 22.5 KB - Last synced: about 1 year ago - Pushed: almost 7 years ago - Stars: 17 - Forks: 6

AdithyaSanyal/Text_Summarizer

Abstractive and extractive text summarizer. The abstractive text summarizer is done using the T5Tokenizer. The extractive text summarizer is done with the help of glove word embeddings. Along with this other NLP libraries like nltk used.

Language: Jupyter Notebook - Size: 10.7 KB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 1 - Forks: 0

santhalakshminarayana/Quotation_Generation_Glove_LSTM_Pytorch

Quotation generation using LSTM - Pytorch with custom embeddings trained with Glove model.

Language: Jupyter Notebook - Size: 428 KB - Last synced: about 1 year ago - Pushed: about 4 years ago - Stars: 1 - Forks: 0

pranavphoenix/BiLSTM-POS-Tagging

We use Bi-LSTM to learn to tag the Parts of Speech in a sentence using NLTK Brown corpus Dataset.

Language: Jupyter Notebook - Size: 14.6 KB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

ispras-texterra/pioner

Named-entity datasets and GloVe models for the Armenian language

Size: 843 KB - Last synced: about 1 year ago - Pushed: over 5 years ago - Stars: 9 - Forks: 3

baaraban/pytorch_ner

LSTM based model for Named Entity Recognition Task using pytorch and GloVe embeddings

Language: HTML - Size: 1.69 MB - Last synced: over 1 year ago - Pushed: about 4 years ago - Stars: 4 - Forks: 3

pemagrg1/Words-To-Vectors

Various ways to convert word to vectors. Created Date: 16 Feb 2018

Language: Python - Size: 6.84 KB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 1 - Forks: 0

yasinda-s/TheraBot

This is a companion chatbot built using NLP. I fully developed the backend of the chatbot which consists of the CNN used to gauge the user's emotion score per each message, the ability of the bot to reply based on classified emotion, keep track of user independent scores, evaluate overall emotional status to provide with consolidation message and more!

Language: Python - Size: 525 KB - Last synced: about 1 year ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

aayux/glove-text-cnn

A text classification model with pretrained GloVe embeddings

Language: Python - Size: 24.4 KB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 13 - Forks: 11

jungsoh/wordvecs-word-analogy-by-document-similarity

Use of word embeddings and document similarity to solve word analogy problems

Language: Python - Size: 65.1 MB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

krohak/QuoteGen

Cross-Topic Quotes Generation using Word Embeddings

Language: Jupyter Notebook - Size: 225 MB - Last synced: over 1 year ago - Pushed: almost 3 years ago - Stars: 3 - Forks: 2

zgornel/Glowe.jl

Julia interface to GloVe

Language: Julia - Size: 2.27 MB - Last synced: 22 days ago - Pushed: over 3 years ago - Stars: 4 - Forks: 6

jkooy/class-similarity

The code to calculate similarity of different dataset

Language: Python - Size: 7.81 KB - Last synced: about 1 year ago - Pushed: almost 4 years ago - Stars: 2 - Forks: 0

chen0040/keras-search-engine

A simple document and image search engine implemented in keras

Language: Python - Size: 58 MB - Last synced: over 1 year ago - Pushed: over 6 years ago - Stars: 11 - Forks: 4

Lguyogiro/pyglove

Python interface for building, loading, and using GloVe vectors.

Language: Python - Size: 13.7 KB - Last synced: over 1 year ago - Pushed: about 6 years ago - Stars: 4 - Forks: 3

m-e-l-u-h-a-n/Word-embeddings-Visualization

Visualization of word embeddings using various algorithms.

Language: Jupyter Notebook - Size: 91.7 MB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

pranavphoenix/BiLSTM-Chunking

Using Bi-LSTM for chunking of words in sentences

Language: Jupyter Notebook - Size: 17.6 KB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

yaricom/english-article-correction

The experiment with applying NLP to correction of definite/indefinite articles in English text corpus

Language: Python - Size: 17.9 MB - Last synced: over 1 year ago - Pushed: about 7 years ago - Stars: 5 - Forks: 1

ahelii16/Text-Emotion-Detection

Emotion analysis with GloVe embeddings

Language: Jupyter Notebook - Size: 1.8 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 0 - Forks: 0

naveen-marthala/book-price-prediction

Language: Jupyter Notebook - Size: 680 KB - Last synced: 11 months ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

rajateku/semantic-sentence-representation

Representing sentences using word vectors semantically and visualizing them in 3 dimensional space

Language: Python - Size: 67 MB - Last synced: 12 months ago - Pushed: almost 5 years ago - Stars: 3 - Forks: 0

hardikp/fnlp

[OUTDATED] A set of classes/scripts for NLP tasks focused on finance data

Language: Python - Size: 31.3 KB - Last synced: about 1 year ago - Pushed: about 6 years ago - Stars: 5 - Forks: 3

Mickey0521/Examples-of-Deep-Learning-Python

Some useful examples of Deep Learning (.py)

Language: Python - Size: 20.5 KB - Last synced: over 1 year ago - Pushed: about 5 years ago - Stars: 0 - Forks: 1

tpalczew/ActivationFunctions_L2Norm_Glove_Vect

Bag of: activation functions, L2Norm function, cosine similarity function, how to read glove vector files

Language: Jupyter Notebook - Size: 19.5 KB - Last synced: about 1 year ago - Pushed: almost 6 years ago - Stars: 0 - Forks: 0

justinmacp/con-text

Language: Python - Size: 74.2 KB - Last synced: over 1 year ago - Pushed: about 6 years ago - Stars: 0 - Forks: 0

shagunsodhani/PyDataConf2017

Code and Presentation for PyData Conference 2017

Language: Jupyter Notebook - Size: 1 MB - Last synced: about 2 months ago - Pushed: over 3 years ago - Stars: 3 - Forks: 0

sam-iitj/GloVe

GloVe model for distributed word representation

Language: Jupyter Notebook - Size: 40.6 MB - Last synced: about 1 year ago - Pushed: almost 7 years ago - Stars: 1 - Forks: 1

Related Keywords
glove-vectors 48 glove-embeddings 23 glove 20 nlp 16 python 10 nlp-machine-learning 9 word2vec 9 natural-language-processing 8 machine-learning 7 word-embeddings 5 lstm 5 glove-python 5 deep-learning 4 bilstm 4 gensim 4 keras-tensorflow 4 cnn 3 gensim-word2vec 3 embeddings 3 sentiment-analysis 3 tensorflow 3 skipgram 3 word-vectors 3 keras 3 cosine-similarity 3 pytorch 3 word-analogy 3 word2vec-model 2 tensorflow2 2 ipynb 2 text-classification 2 word2vec-embeddinngs 2 flask 2 numpy 2 rnn 2 keras-neural-networks 2 python3 2 search-engine 2 glove-models 2 jupyter-notebook 2 artificial-intelligence 2 named-entity-recognition 2 spacy 2 wordembedding 2 nltk-library 2 multiclass-classification 1 natural-language-generation 1 sequences 1 telegram-bot 1 tokens 1 convolutional-neural-networks 1 document-similarity 1 lstm-pytorch 1 lstm-neural-network 1 generative-art 1 generative-model 1 generation 1 t5tokenizer 1 nltk 1 transformers 1 f1-score 1 ner 1 armenian-language 1 pos 1 penn-treebank 1 precision-recall 1 preprocessing 1 counter 1 parts-of-speech 1 part 1 glove-model 1 hashing-vectorizer 1 webscraping 1 quotation-generator 1 pytroch 1 pytorch-implementation 1 tfidf-vectorizer 1 matplotlib 1 matplotlib-pyplot 1 plot 1 finance 1 cifar 1 cifar10 1 example 1 imdb 1 pretrained 1 activation-functions 1 l2-norm 1 databases 1 fiction 1 literature 1 semantic-analysis 1 stanford-corenlp 1 stanford-dependency-tree 1 words 1 conference 1 conference-talk 1 pydata 1 siamese-network 1 machine-learning-algorithms 1