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

Topic: "universal-sentence-encoder"

Hellisotherpeople/CX_DB8

a contextual, biasable, word-or-sentence-or-paragraph extractive summarizer powered by the latest in text embeddings (Bert, Universal Sentence Encoder, Flair)

Language: Python - Size: 6.21 MB - Last synced at: 6 months ago - Pushed at: over 2 years ago - Stars: 226 - Forks: 26

limcheekin/open-text-embeddings

Open Source Text Embedding Models with OpenAI Compatible API

Language: Python - Size: 224 KB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 151 - Forks: 20

massanishi/document_similarity_algorithms_experiments

Document similarity algorithms experiment - Jaccard, TF-IDF, Doc2vec, USE, and BERT.

Language: Python - Size: 28.3 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 67 - Forks: 29

zayedrais/DocumentSearchEngine

Document Search Engine project with TF-IDF abd Google universal sentence encoder model

Language: Jupyter Notebook - Size: 28.6 MB - Last synced at: 14 days ago - Pushed at: about 2 years ago - Stars: 53 - Forks: 24

dayyass/muse-as-service

REST API for sentence tokenization and embedding using Multilingual Universal Sentence Encoder.

Language: Python - Size: 339 KB - Last synced at: 1 day ago - Pushed at: over 3 years ago - Stars: 51 - Forks: 5

korymath/jann

Hi. I am jann. I am text input - text output chatbot model that is JUST approximate nearest neighbour.

Language: Python - Size: 26.5 MB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 35 - Forks: 9

jatinmandav/Neural-Networks

All about Neural Networks!

Language: Jupyter Notebook - Size: 29.9 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 35 - Forks: 16

idanmoradarthas/text-summarization

Summarizer in python with Spacy and Universal Sentence Encoder build on Flask framework

Language: Python - Size: 338 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 19 - Forks: 1

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

dayyass/muse_tf2pt

Convert MUSE from TensorFlow to PyTorch and ONNX

Language: Jupyter Notebook - Size: 1.74 MB - Last synced at: 1 day ago - Pushed at: 12 months ago - Stars: 11 - Forks: 0

Jay22519/Automatic-Answer-checker-

Creating an automatic answer checker web application for students and teachers, for grading of the answers submitted by students against an ideal solution uploaded by the teacher.

Language: Jupyter Notebook - Size: 5.5 MB - Last synced at: about 2 months ago - Pushed at: about 4 years ago - Stars: 9 - Forks: 3

ashalogic/Persian-Word-Embedding

Persian word embedding ( نشاننده واژه ها فارسی | تعبیه سازی کلمات فارسی )

Language: Python - Size: 439 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 9 - Forks: 2

daveshap/keras_asr

ASR experiment using Google's Universal Sentence Encoder

Language: Jupyter Notebook - Size: 24.4 KB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 9 - Forks: 2

jorge-martinez-gil/uwsd

Context-Aware Semantic Similarity Measurement for Unsupervised Word Sense Disambiguation

Language: Python - Size: 2.02 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 7 - Forks: 0

lazarst96/semantic-search

Full example of semantic search system

Language: Python - Size: 702 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 6 - Forks: 1

aashishyadavally/rubrix

Combined semantic similarity search based visual search engine.

Language: CSS - Size: 7.39 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 6 - Forks: 1

AliOsm/propaganda-detection-nlp4if

Fine-grained Propaganda Detection at NLP4IF 2019

Language: Python - Size: 31.1 MB - Last synced at: 3 days ago - Pushed at: over 5 years ago - Stars: 6 - Forks: 1

Adminixtrator/Next-Word-Prediction-using-Universal-Sentence-Encoder

Next Word Prediction using Google's Universal Sentence Encoder from Tensorflow hub. lol

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

spallas/quora-qp

Quora Questions Pair detection with Semantic Similarity

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

Seedling-Project/SeedlingBackend

Wagtail Django Website with PostreSQL Database Focused on Providing a Modular Hub of Educational Resources to Student Bodies

Language: Python - Size: 13.3 MB - Last synced at: 11 months ago - Pushed at: about 1 year ago - Stars: 4 - Forks: 2

nicholas-dinicola/Forecasting-stock-prices-based-on-semantic-analysis-of-business-news-and-social-media-posts

It is well-known that stock price movements are highly sensitive to different types of news, including global events such as outbreaks of epidemics or military conflicts, as well as what people post about specific companies on their social networks. Previous research has studied methods to predict stock price movements based on sentiment analysis of business news and social media posts of a particular company alongside its historical stock price data. In contrast, this project will also implement a new state of the art algorithm recently developed by the Google Research team called Universal Sentence Encoder, which is able to encode input text, implementing sentence level embeddings, into high dimensional vectors that will be used as predictors of future stock price movements. According to that, both the Sentient Analysis and the Universal Sentence Encoder will be performed and the outputs will be used as an exogenous variable in machine learning models which will be then compared with each other to find the best model with the aim of achieving a higher model accuracy, better performance and a more robust model than only using either the historical stock price data ad endogenous variable or implementing other natural language processing methodologies based on word embeddings.

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

86lekwenshiung/Natural-Language-Processing-with-Reddit-Post

Using Random Forest , Bi Direction LSTM and Tensorflow Transfer Learning to do a text classification project. Compare model differences between tokenization and word embedding.

Language: Jupyter Notebook - Size: 15.3 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 1

su050300/sentence-similarity

Determining similarity between two sentences in terms of semantic using pre trained Universal Sentence Encoder from TensorFlow.js

Language: HTML - Size: 2.93 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 1

tm4roon/use-cases-of-universal-sentence-encoder

Use-cases of Google's Universal Sentence Encoder (e.g. sentence similarity, unsupervised extractive summarization).

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

yashkim77/Document-Similarity

Semantic Textual Similarity between two document

Language: Jupyter Notebook - Size: 160 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 0

opennlp/DeepPhrase

Using Neural Representations for Generating Intent-based Query Phrases

Language: Python - Size: 125 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 2 - Forks: 3

Npps1997/Shack-Labs-Assignments-on-Data-Science.

Shack Labs Assignments: 1. House Price Prediction 2. Product Matching

Language: Jupyter Notebook - Size: 551 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

daniel-rychlewski/hateblock

Evaluates a client-side model built on top of the Universal Sentence Encoder to detect hateful content selected for the analysis

Language: JavaScript - Size: 361 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 1

kmock930/Natural-Language-Processing

This project contains codes and paperwork based on the course CSI5386 at University of Ottawa (delivered by Professor Dr. Diana Inkpen).

Language: Jupyter Notebook - Size: 39.5 MB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 1 - Forks: 0

Abhi-37/Semantic-Search-using-Gen-AI-UniversalSentenceEncoder-FAISS

It reflects the main purpose of the code, which is to perform semantic search on a dataset of text documents using FAISS for indexing and the Universal Sentence Encoder for generating embeddings.

Language: Python - Size: 7.81 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

faezeh-gholamrezaie/Vectorization-Techniques-tutorial

Vectorization Techniques in Natural Language Processing Tutorial for Deep Learning Researchers

Language: Jupyter Notebook - Size: 1.83 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

hchiam/comment-analysis

comment analysis experiment

Language: TypeScript - Size: 378 KB - Last synced at: 5 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

MatthewJansen/Medical-Abstract-Segmentation

A Natural Language Processing (NLP) model with TensorFlow to segment text lines of abstracts from medical research papers in order to improve readability.

Language: Jupyter Notebook - Size: 329 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

rid17pawar/Semantic-Search-Model-Experiments

Experiments in the field of Semantic Search using BM-25 Algorithm, Mean of Word Vectors, along with state of the art Transformer based models namely USE and SBERT.

Language: Jupyter Notebook - Size: 298 KB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

NachoSEO/clusterizer

This code provides an implementation of clustering text data using the Universal Sentence Encoder (USE) and the Density-Based Spatial Clustering of Applications with Noise (DBSCAN) algorithm. You can provide a list of queries (sentences or words) and it will cluster them for your SEO needs (or other use cases).

Language: JavaScript - Size: 149 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

akulez/Text-Similarity_Phrase-Matching

Implementing Text Similarity for US Patents using modern day Word2Vec and USE(Universal Sentence Encoding) and some classical algos. like Jaro Winkler and Jaccard

Language: Jupyter Notebook - Size: 821 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

hchiam/learning-tfjs-umap

tfjs + umap-js + USE

Language: TypeScript - Size: 78.1 KB - Last synced at: 5 days ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

alphagov/govuk-content-similarity 📦

Find similar GOV.UK content to a piece of text or content item

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

crodriguez1a/knn-search-chat

A super simple Q&A chat-bot applying vector search

Language: Jupyter Notebook - Size: 307 KB - Last synced at: 7 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

navraj28/OSPPre

OSPPre (Open Source Parts Prediction), largely inspired by Aquant.io's Smart Triage Feature

Language: Python - Size: 2.75 MB - Last synced at: 10 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

somjit101/Search-Engine-Stackoverflow-QnA

An application to store a collection of questions and answers data found on Stackoverflow in an index using Elastic and perform a text search on the stored Q&A's based on semantic meaning.

Language: Python - Size: 289 KB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1

SmellyArmure/OC_DS_Project6

Classification automatique de biens de consommation (OpenClassrooms | Data Scientist | Projet 6)

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

Arka7Z/Knowledge-Portal-Search-and-Recommendation

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

nkorobkov/transfer-learning-for-dialog-systems

Bachelor thesis for SPBU.

Language: Jupyter Notebook - Size: 4.41 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 1

leovidith/TweetsAnalysis-Tensorflow

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

Trieuh2/semantic-bookmarker

NextJS web application and browser extension for enhanced bookmarking.

Language: TypeScript - Size: 4.29 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

colurw/wiki_abstracts_NLP

Document-level semantic clustering. Unsupervised topic modelling.

Language: Python - Size: 1.26 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

colurw/pandora_NLP

Disentangling an LLM. Attempting the unsupervised labelling of latent feature representations inside a neural network.

Language: Python - Size: 2.09 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Yassaadi/NLP_CV

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

Akashdesarda/Determining-resemblance-of-two-question

Deep learning tool to determine similarity of given two question

Language: Python - Size: 122 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

Ashot72/spfx-universal-sentence-encoder

Amazon Reviews Sentiment Classifications and Textual Similarities with Universal Sentence Encoder.

Language: TypeScript - Size: 1.67 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Adminixtrator/Predictive-Text-Generator

TensorFlow Next Word Prediction Model on Heroku

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

mbareeva/E-Match

The application built with Node.js, MongoDB, EJS, HTML, CSS and Elasticsearch. Application for the practical part of the bachelor thesis.

Language: JavaScript - Size: 5.21 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1

hritik7080/AnswerEvaluator

An examination portal which evaluates subjective answers using Machine Learning

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

nakshatrasinghh/Deep-Learning

Neural Networks with TensorFlow 2 and Keras in Python (Jupyter notebooks included)

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

hossamhasanin/movies_recommender

Find new movies based on your last one our a story of movie you liked

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

OmarMohammed88/Categorize-Documents-

NLP TASKS using BERT , USE and other techniques

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

Related Topics
tensorflow 18 nlp 13 python 13 deep-learning 13 machine-learning 12 natural-language-processing 9 embeddings 6 bert 6 word2vec 6 semantic-search 5 sentiment-analysis 5 nlp-machine-learning 4 glove-embeddings 4 tf-idf 4 flask 4 tensorflow-hub 4 fasttext 4 fasttext-embeddings 4 glove 4 tensorflow2 4 sentence-embeddings 4 text-classification 3 semantic-search-engine 3 keras 3 umap 3 javascript 3 spacy 3 django 2 text-analysis 2 summarization 2 hate-speech 2 flask-application 2 extractive-summarization 2 search-engine 2 cosine-similarity 2 data-science 2 transfer-learning 2 convolutional-neural-networks 2 nearest-neighbor-search 2 document-similarity 2 tensorflowjs-models 2 hatespeech 2 clustering 2 next-word-prediction 2 fastapi 2 bag-of-visual-words 2 word-embeddings 2 bert-embeddings 2 lstm 2 text 2 ai 2 pytorch 2 pandas 2 numpy 2 chatgpt 2 tfidf 2 sbert 2 classification 2 sift 2 elasticsearch 2 sentence-transformers 2 transformer 2 doc2vec 2 tensorflowjs 2 sentence-bert 2 approximate-nearest-neighbor-search 2 mongodb 2 embedding-models 2 image-processing 2 corpus-linguistics 1 distilbert 1 bigram-modeling 1 stopwords 1 semanticsearch 1 text-embedding-ada-002 1 genai 1 roberta-large 1 hugging-face-transformers 1 pos-tagging 1 paraphrase-minilm 1 large-language-models 1 macro-micro-f1 1 logistic-regression 1 lemmatizer 1 gru 1 regression-models 1 title-similarity 1 kaggle 1 kmeans 1 pca 1 resnet 1 tsne-visualization 1 vgg16 1 self-organizing-map 1 computer-vision 1 image-retrieval 1 image-search-engine 1 object-detection 1 yolov3 1 forecasting 1