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

Topic: "glove-embeddings"

kamalkraj/Named-Entity-Recognition-with-Bidirectional-LSTM-CNNs

Named-Entity-Recognition-with-Bidirectional-LSTM-CNNs

Language: Python - Size: 1.09 MB - Last synced at: 15 days ago - Pushed at: almost 5 years ago - Stars: 363 - Forks: 142

dccuchile/spanish-word-embeddings

Spanish word embeddings computed with different methods and from different corpora

Size: 41 KB - Last synced at: 5 months ago - Pushed at: over 5 years ago - Stars: 356 - Forks: 82

PrashantRanjan09/WordEmbeddings-Elmo-Fasttext-Word2Vec

Using pre trained word embeddings (Fasttext, Word2Vec)

Language: Python - Size: 27.3 KB - Last synced at: 3 months ago - Pushed at: almost 7 years ago - Stars: 158 - Forks: 31

yafangy/Review_aspect_extraction

CNN-based model to realize aspect extraction of restaurant reviews based on pre-trained word embeddings and part-of-speech tagging

Language: Python - Size: 31.6 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 97 - Forks: 27

guillaume-chevalier/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.

Language: Jupyter Notebook - Size: 52.7 KB - Last synced at: 21 days ago - Pushed at: over 6 years ago - Stars: 90 - Forks: 19

howardyclo/pytorch-seq2seq-example

Fully batched seq2seq example based on practical-pytorch, and more extra features.

Language: Jupyter Notebook - Size: 151 KB - Last synced at: 2 days ago - Pushed at: about 7 years ago - Stars: 76 - Forks: 17

brannondorsey/GloVe-experiments

GloVe word vector embedding experiments (similar to Word2Vec)

Language: Python - Size: 21.5 KB - Last synced at: 13 days ago - Pushed at: almost 2 years ago - Stars: 67 - Forks: 18

ezgisubasi/turkish-tweets-sentiment-analysis

This sentiment analysis project determines whether the tweets posted in the Turkish language on Twitter are positive or negative.

Language: Jupyter Notebook - Size: 1.96 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 60 - Forks: 14

ahmedbesbes/overview-and-benchmark-of-traditional-and-deep-learning-models-in-text-classification

NLP tutorial

Language: Jupyter Notebook - Size: 4.28 MB - Last synced at: 12 days ago - Pushed at: almost 7 years ago - Stars: 42 - Forks: 20

SatyamSoni23/Smart-Question-Answering-System-on-Document

It's Smart-Question Answering System on short as well as long documents. It can automatically find answers to matching questions directly from documents. The deep learning language model converts the questions and documents to semantic vectors to find the matching answer.

Language: Jupyter Notebook - Size: 39.5 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 33 - Forks: 12

ngoquanghuy99/POS-Tagging-BiLSTM-CRF

A Tensorflow 2, Keras implementation of POS tagging using Bidirectional LSTM-CRF on Penn Treebank corpus (WSJ)

Language: Python - Size: 27.8 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 30 - Forks: 1

chen0040/keras-fake-news-generator-and-detector

Fake news generator and detector using keras

Language: Python - Size: 36.2 MB - Last synced at: 17 days ago - Pushed at: about 7 years ago - Stars: 23 - Forks: 7

vishwassathish/Sentiment-Analysis-for-product-reviews

Sentiment Analysis using LSTM cells on Recurrent Networks. GloVe word embeddings were used for vector representation of words. Amazon Product Reviews were used as Dataset.

Language: Python - Size: 17 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 23 - Forks: 7

rtrevinnoc/FUTURE 📦

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

Language: Python - Size: 13.4 MB - Last synced at: 5 months ago - Pushed at: over 1 year ago - Stars: 21 - Forks: 3

jimmyg1997/NTUA-slp-nlp

💻Speech and Natural Language Processing (SLP & NLP) Lab Assignments for ECE NTUA

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

SpringerNLP/Chapter11

Chapter 11: Transfer Learning/Domain Adaptation

Language: Jupyter Notebook - Size: 22.9 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 17 - Forks: 5

shubham0204/glove-android

Power of GloVe word embeddings in Android

Language: Kotlin - Size: 92.7 MB - Last synced at: 12 days ago - Pushed at: about 1 year ago - Stars: 16 - Forks: 0

kdrl/GloVe-PyTorch 📦

[not maintained anymore] [for study purpose] A simple PyTorch implementation for "Global Vectors for Word Representation".

Language: Python - Size: 18.9 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 16 - Forks: 5

vondersam/sdgs_text_classifier

Multi-Label Text Classification with Transfer Learning

Language: Jupyter Notebook - Size: 698 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 15 - Forks: 1

KhaledAshrafH/ChatGPT-Sentiment-Analysis

This project aims to perform sentiment analysis on tweets related to ChatGPT, a popular language model developed by OpenAI. The dataset used for training and testing consists of 219,293 tweets collected over a month. Each tweet is classified as positive ("good"), negative ("bad"), or ("neutral").

Language: Jupyter Notebook - Size: 25.3 MB - Last synced at: 11 days ago - Pushed at: 5 months ago - Stars: 14 - Forks: 1

rshinde03/AI-Self-learning-Chatbot

A neural network-based AI chatbot has been designed that uses LSTM as its training model for both encoding and decoding. The chatbot works like an open domain chatbot that can answer day-to-day questions involved in human conversations. Words embeddings are the most important part of designing a neural network-based chatbot. Glove Word Embedding and Skip-Gram models have been used for this task.

Language: Jupyter Notebook - Size: 36.5 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 13 - Forks: 2

hate-alert/HateALERT-EVALITA

Code for replicating results of team 'hateminers' at EVALITA-2018 for AMI task

Language: Jupyter Notebook - Size: 13.9 MB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 13 - Forks: 3

aayux/glove-text-cnn

A text classification model with pretrained GloVe embeddings

Language: Python - Size: 24.4 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 13 - Forks: 11

Shandilya21/summarization

A stacked LSTM based Network for Text Summarization Using Keras

Language: Python - Size: 58.6 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 12 - Forks: 2

tanmaybinaykiya/Ask-Me-Question-Generating-Agent

Ask Me: Question Generating Agent

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

chen0040/keras-search-engine

A simple document and image search engine implemented in keras

Language: Python - Size: 58 MB - Last synced at: 17 days ago - Pushed at: about 7 years ago - Stars: 11 - Forks: 4

Jeff09/Word-Sense-Disambiguation-using-Bidirectional-LSTM

Language: AMPL - Size: 12.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 10 - Forks: 5

imraviagrawal/ReadingComprehension

Bi-Directional Attention Flow for Machine Comprehensions

Language: Python - Size: 238 KB - Last synced at: 5 months ago - Pushed at: over 7 years ago - Stars: 10 - Forks: 2

PanosAntoniadis/slp-ntua

Lab exercises of Speech and Language Processing course in NTUA

Language: Jupyter Notebook - Size: 12.1 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 9 - Forks: 1

sunipa/On-Measuring-and-Mitigating-Biased-Inferences-of-Word-Embeddings

Debiasing both contextual and context free embeddings and developing a downstream metric for bias measurement

Language: Python - Size: 104 KB - Last synced at: 5 months ago - Pushed at: about 4 years ago - Stars: 9 - Forks: 1

ashutoshsingh0223/mittens Fork of roamanalytics/mittens

A fast implementation of GloVe, with optional retrofitting

Language: Python - Size: 1.45 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 9 - Forks: 1

preetam-kotteda/ESG-data-extraction

Extract Structured data(knowledge graph) from unstructured ESG data.

Language: Python - Size: 463 KB - Last synced at: 5 months ago - Pushed at: almost 3 years ago - Stars: 8 - Forks: 2

Subangkar/Image-Captioning-Attention-PyTorch

An attention based sequential deep learning model implemented in pytorch to generate single line caption given an input image

Language: Jupyter Notebook - Size: 2.71 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 8 - Forks: 1

SpringerNLP/Chapter5

Chapter 5: Embeddings

Language: Jupyter Notebook - Size: 190 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 8 - Forks: 4

manashpratim/Tweet-Classification

Detect hate speech in tweets

Language: Jupyter Notebook - Size: 208 KB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 8 - Forks: 1

arunarn2/ToxicCommentChallenge

Text classification using GloVe embeddings, CNN and stacked bi-directional LSTM with Max K Pooling.

Language: Python - Size: 734 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 8 - Forks: 2

aniass/Sentiment-analysis-reviews

Sentiment analysis of women's clothes reviews by using machine learning algorithms and Neural Networks (LSTM).

Language: Jupyter Notebook - Size: 5.34 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 7 - Forks: 2

aapetukhov/Spam-Messages-Detection

Project building ML & DL models to detect spam messages.

Language: Jupyter Notebook - Size: 68.4 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 7 - Forks: 0

chen0040/java-text-embedding

Word embedding in Java

Language: Java - Size: 55.7 KB - Last synced at: 17 days ago - Pushed at: about 4 years ago - Stars: 7 - Forks: 1

north0n-FI/Analysing-IMDB-reviews-using-GloVe-and-LSTM

Using the IMDB data found in Keras here a few algorithms built with Keras. The source code is from Francois Chollet's book Deep learning with Python. The aim is to predict whether a review is positive or negative just by analyzing the text. Both self-created as well as pre-trained (GloVe) word embeddings are used. Finally there's a LSTM model and the accuracies of the different algorithms are compared. For the LSTM model I had to cut the data sets of 25.000 sequences by 80% to 5.000, since my laptop's CPU was not able to run the data crunching, making the model's not fully comparable.

Language: Jupyter Notebook - Size: 80.1 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 7 - Forks: 3

ackw/mbti-prediction-tool

Personality Prediction App with GloVe-CNN Models

Language: Python - Size: 35.4 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 6 - Forks: 2

akash18tripathi/MAGNET-Multi-Label-Text-Classi-cation-using-Attention-based-Graph-Neural-Network

This GitHub repository provides an implementation of the paper "MAGNET: Multi-Label Text Classification using Attention-based Graph Neural Network" . MAGNET is a state-of-the-art approach for multi-label text classification, leveraging the power of graph neural networks (GNNs) and attention mechanisms.

Language: Jupyter Notebook - Size: 3.98 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 0

pythonandml/dlbook

Repository for the free online book Oddly Satisfying Deep Learning from Scratch (link below!)

Language: Jupyter Notebook - Size: 14.8 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 4

prakhargurawa/Product-Category-Prediction

Machine learning pipeline to predict relevant categories based on a product name and product description, using NLP and Deep learning concepts.

Language: Jupyter Notebook - Size: 12 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 6 - Forks: 2

pabitralenka/Sentiment-Analysis-using-LSTM

This is the repository for the Sentiment Analysis task on IMDB Movie Reviews for classifying positive and negative reviews, using LSTM networks, TensorFlow and GloVe embedding.

Language: Python - Size: 8.79 KB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 6 - Forks: 4

nmeripo/Deep-LSTM-Text-Classifier

Text Classification with veritically stacked LSTMs and sibling loss functions using GloVe embeddings (Tensorflow)

Language: Python - Size: 14.6 KB - Last synced at: 12 months ago - Pushed at: about 7 years ago - Stars: 6 - Forks: 0

mythrex/deep_dream_textual_data

Extending the idea of deep dream to textual data.

Language: Jupyter Notebook - Size: 43.5 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 0

Nikoletos-K/QA-with-SBERT-for-CORD19

⚕️🦠 Developed a document retrieval system to return titles of scientific papers containing the answer to a given user question based on the first version of the COVID-19 Open Research Dataset (CORD-19) ☣️🧬

Language: Jupyter Notebook - Size: 1.53 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 4 - Forks: 1

KayvanShah1/usc-csci544-applied-nlp-fall23

USC CSCI544 - Applied Natural Language Processing - Fall 2023 - Prof Mohammad Rostami

Language: Python - Size: 63.5 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 4 - Forks: 1

Toukenize/weather-flight-bot

Weather-Flight-Bot, a combined model of semantics slot-filling and intent detection powered by neural network (LSTM and CNN layers).

Language: Jupyter Notebook - Size: 5.19 MB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 4 - Forks: 1

andrea-gasparini/nlp-aspect-based-sentiment-analysis

Aspect-Based Sentiment Analysis (ABSA) using different setups based on 2 stacked BiLSTMs and Attention layers; leveraging PoS, GloVe and BERT (frozen) embeddings

Language: Python - Size: 4.92 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

spChalk/Vaccine-Sentiment-Classifier

:syringe: Vaccine Sentiment Classifier is a deep learning classifier trained on real world twitter data, that distinguishes 3 types of tweets: Neutral, Anti-vax & Pro-vax.

Language: Jupyter Notebook - Size: 10 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

helemanc/drugs-reviews-sentiment-analysis

Text Mining project about Sentiment Analysis of Drugs Reviews.

Language: Jupyter Notebook - Size: 939 KB - Last synced at: 6 months ago - Pushed at: over 3 years ago - Stars: 4 - Forks: 3

04mayukh/Memebusters-at-SemEval-2020-Task-8-Memotion-Analysis

This repository contains the code for submission made at SemEval 2020: Task 8 Memotion analysis.

Language: Jupyter Notebook - Size: 55 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 4 - Forks: 0

zgornel/Glowe.jl

Julia interface to GloVe

Language: Julia - Size: 2.27 MB - Last synced at: 13 days ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 5

aminul-huq/CNN-RNN-for-Multiclass-Classification-on-SST-dataset

PyTorch implementation of multi-class sentiment classification on SST dataset using CNN and RNN.

Language: Jupyter Notebook - Size: 166 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 4 - Forks: 0

baaraban/pytorch_ner

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

Language: HTML - Size: 1.69 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 4 - Forks: 3

andikarachman/News-Title-Classification

Machine learning model to classify news into categories based on their headline

Language: Jupyter Notebook - Size: 6.26 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 4 - Forks: 2

susantabiswas/Word-Analogy

Finding word analogies using GLoVe word embeddings

Language: Jupyter Notebook - Size: 43 KB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 4 - Forks: 0

Abhinaykotla/news-summarization-T5-Transformer

The project's goal is to use different Deep Learning techniques - T5 Transformer, Encoder & Decoder with BiLSTM models, and NLP to generate coherent summaries – to generate brief descriptions of news stories.

Language: Jupyter Notebook - Size: 41.9 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 3 - Forks: 0

boylerplet/Depression-Detector

An Application which can be used to feed speech transcript via a chatbot interface and get the depression indicator of the person speaking. A deep learning model is used to classify the depression percentage

Language: TeX - Size: 32 MB - Last synced at: 6 months ago - Pushed at: 10 months ago - Stars: 3 - Forks: 3

pranaya-mathur/Deep-Learning-Projects

Used Tensorflow and Keras Framework

Language: Jupyter Notebook - Size: 6.5 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0

jain-aayush/PixelsAndPages

A Movie and Book content-based recommender system

Language: Python - Size: 102 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 1

taniyasinghsisodia/Deep-Learning-Projects

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

KrishArul26/Text-Classification-DBpedia-ontology-classes-Using-LSTM

Text classification is the task of assigning a set of predefined categories to free text. Text classifiers can be used to organize, structure, and categorize pretty much anything. For example, new articles can be organized by topics, support tickets can be organized by urgency, chat conversations can be organized by language, brand mentions can be organized by sentiment, and so on.

Language: Python - Size: 27.3 MB - Last synced at: 10 days ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 1

arnavsshah/Meeting-Summarization

Leveraging extractive summarization techniques for abstractive summarization.

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

krohak/QuoteGen

Cross-Topic Quotes Generation using Word Embeddings

Language: Jupyter Notebook - Size: 225 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 2

janmejaybhoi/NLU_Word_Embedding

Word Embedding visualization with T-SNE (t-distributed stochastic neighbor embedding) for BERT, ALBERT, ELMO, ELECTRA, XLNET, GLOVE.

Language: Jupyter Notebook - Size: 3.37 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

nikjohn7/News-Sentiment-Prediction

A data science challenge where you have to predict the human sentiment scores based on the Headline and the title, and according to the date given and the Social media platforms

Language: Jupyter Notebook - Size: 10.1 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 3

charumakhijani/fake-and-real-news-detection

Language: Jupyter Notebook - Size: 1.29 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

sayarghoshroy/Summarization

A lightweight Extractive Summarization Formulation for the CNN Dataset

Language: Jupyter Notebook - Size: 10.7 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 2

SK7here/My-First-Webinar

Source code added for all the topics I taught in my first ever webinar organised by ACE club of SVCE :)

Language: Python - Size: 16.6 KB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 2

rajateku/semantic-sentence-representation

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

Language: Python - Size: 67 MB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 0

nwihardjo/yelp_challenge

Deep Learning Project using Yelp Dataset

Language: Jupyter Notebook - Size: 689 MB - Last synced at: 5 months ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 1

adik993/emojify

RNN to predict emoji given a short sentence

Language: Python - Size: 43 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 1

woctezuma/steam-descriptions

Retrieve semantically similar Steam games.

Language: Python - Size: 66.2 MB - Last synced at: about 21 hours ago - Pushed at: about 21 hours ago - Stars: 2 - Forks: 0

SumitM0432/Quora-Insincere-Questions-Classification

This project focuses on classifying insincere questions using machine learning and transformer models. Advanced NLP preprocessing techniques were applied to prepare the data, followed by the integration of Stanford GloVe embeddings to increase vocabulary coverage. The models were then trained and evaluated to ensure robust performance.

Language: Jupyter Notebook - Size: 4.68 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 2 - Forks: 0

pthompso77/MARCA-Reading-Aide

Summarizing text to extract key ideas and arguments

Language: Python - Size: 744 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 2 - Forks: 0

LuisFelipePoma/Fake_News_Detector

An application to detect fake news using web scrapping in real-time. (link down)

Language: Python - Size: 164 MB - Last synced at: 15 days ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 1

josch14/song-genre-classification-with-lyrics

Lyrics-Based Song Genre Classification using traditional and machine learning Text Classifiers.

Language: Python - Size: 27.8 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

cwwdaniel/invoice-text-classification

Semantic Enrichment, Data Augmentation and Deep Learning for Boosting Invoice Text Classification Performance: A Novel Natural Language Processing Strategy

Size: 68.4 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

kaustubhbhavsar/intent-classification

Multiclass Intent Classification using MLP, LSTM, and BERT (subtask: Topic Modelling).

Language: Jupyter Notebook - Size: 4.23 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

Iron486/NLP_emotions_classifier

Sentiment analysis on emotions dataset

Size: 2.55 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

scylla/masters_thesis

papers and codes for text summarization research see readme for more details

Language: Python - Size: 98 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 2

memgonzales/semantle-word-embeddings

Recreation of Semantle (a word guessing game that gives the semantic similarity to the secret word) using three pretrained word embeddings: (1) word2vec, (2) GloVe, and (3) fastText

Language: Jupyter Notebook - Size: 12.7 MB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

yasarigno/Categorization_via_Deep_Learning_and_NLP

Recognition of categories of products from images and textual descriptions.

Language: Jupyter Notebook - Size: 10.3 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

aifenaike/Semantic_Search_and_Retrieval

A Query-Document pair ranking system using GloVe embeddings and RankCosine.

Language: Jupyter Notebook - Size: 56.7 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

blitzapurv/Sentiment-Analysis-Bucketing

Categorizing Product reviews in appropriate categories.

Language: Python - Size: 14.6 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

irenepisani/Pattern_Recognition

Intelligent system for pattern recognition: image, signal and text processing with deep learning and generative learning models.

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

Justsecret123/Twitter-sentiment-analysis

A sentiment analysis model trained with Kaggle GPU on 1.6M examples, used to make inferences on 220k tweets about Messi and draw insights from their results.

Language: Jupyter Notebook - Size: 24.2 MB - Last synced at: 15 days ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 2

nanxstats/exp2vec

🧬 Tissue-specific gene embeddings trained on GTEx data

Language: R - Size: 99.6 MB - Last synced at: 2 days ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 1

sauravjoshi23/GloVe-Embeddings-NLP-JS

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

aifenaike/Customer-Review-Sentiment-Analysis

A sentiment analysis model for food product reviews by customers.

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

subhadarship/text-clustering

Clustering text data (data mining fall 2019)

Language: Jupyter Notebook - Size: 25.6 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 2

N-4-V/Sarcasm-Detection-Models

Supervised Machine Learning models and Neural Networks trained on a bevy of feature extractors for Sarcasm Detection with a better Pre-processing approach

Language: Jupyter Notebook - Size: 959 KB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 1

rejonehridoy/Emotion_Extraction_and_Classification_from_Twitter_Text_using_Deep_Learning

Emotion is one of the basic instincts of a human being. Emotion detection plays a vital role in the field of textual analysis. At present, people’s expressions and emotional states have turned into the leading topic for research works.In this project, Our primary goal is to detect human’s emotion from text input through some Deep Learning Model.

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

RichardRivaldo/AI_CG

Computer Graphics and AI (ML DL included) compilations.

Language: Jupyter Notebook - Size: 5.93 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

Ritika2001/Word-Embedding-Models-for-Subjectivity-Analysis

An Empirical Evaluation of Word Embedding Models for Subjectivity Analysis Tasks

Language: Python - Size: 41 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 0

bhattbhavesh91/word2vec-vs-bert

I'll show how BERT models being context dependent are superior over word2vec, Glove models which are context-independent.

Language: Jupyter Notebook - Size: 29.3 KB - Last synced at: 2 days ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 19

achen353/COVID-Vaccine-Tweet

Sentiment Analysis and Topic Modeling on COVID-19 Vaccine Tweets

Language: Jupyter Notebook - Size: 86.9 MB - Last synced at: 12 days ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 1

Related Topics
nlp 107 lstm 61 sentiment-analysis 49 natural-language-processing 48 deep-learning 48 word2vec 45 python 45 glove 41 machine-learning 41 word-embeddings 37 keras 35 nlp-machine-learning 34 lstm-neural-networks 34 tensorflow 29 pytorch 27 rnn 24 glove-vectors 24 bert 24 text-classification 23 cnn 21 bilstm 18 fasttext-embeddings 17 neural-networks 17 gru 16 tf-idf 16 sentiment-classification 16 embeddings 15 attention-mechanism 15 word2vec-embeddinngs 15 logistic-regression 14 classification 14 transfer-learning 13 keras-tensorflow 13 gensim 13 nltk 12 python3 11 bidirectional-lstm 11 data-science 10 scikit-learn 10 neural-network 9 convolutional-neural-networks 9 bag-of-words 9 cnn-classification 8 fasttext 8 bert-embeddings 8 topic-modeling 7 cosine-similarity 7 bert-model 7 named-entity-recognition 7 computer-vision 7 skipgram 7 text-processing 6 lstm-model 6 word2vec-model 6 imdb-dataset 6 glove-python 6 flask 6 sklearn 6 gensim-word2vec 6 multiclass-classification 5 tfidf 5 naive-bayes-classifier 5 cnn-keras 5 lemmatization 5 question-answering 5 deep-neural-networks 5 attention 5 bow 5 clustering 5 svm-classifier 5 lda 5 twitter-sentiment-analysis 5 machine-learning-algorithms 4 transformer 4 embedding-models 4 universal-sentence-encoder 4 ner 4 flask-application 4 countvectorizer 4 tweets 4 kmeans-clustering 4 matplotlib 4 bi-lstm 4 elmo-embedding 4 cnn-text-classification 4 tensorflow2 4 nltk-python 4 seq2seq 4 transformers 4 search-engine 4 pandas 4 keras-neural-networks 4 latent-dirichlet-allocation 4 sentence-embeddings 4 pytorch-implementation 4 twitter 4 artificial-intelligence 4 roberta 4 spacy 4 word-embedding 4