All Projects → Attentionwalk → Similar Projects or Alternatives

695 Open source projects that are alternatives of or similar to Attentionwalk

Danmf
A sparsity aware implementation of "Deep Autoencoder-like Nonnegative Matrix Factorization for Community Detection" (CIKM 2018).
Stars: ✭ 161 (-39.47%)
Mutual labels:  word2vec, sklearn
NMFADMM
A sparsity aware implementation of "Alternating Direction Method of Multipliers for Non-Negative Matrix Factorization with the Beta-Divergence" (ICASSP 2014).
Stars: ✭ 39 (-85.34%)
Mutual labels:  word2vec, matrix-factorization
Numpy Ml
Machine learning, in numpy
Stars: ✭ 11,100 (+4072.93%)
Mutual labels:  word2vec, attention
Word2VecAndTsne
Scripts demo-ing how to train a Word2Vec model and reduce its vector space
Stars: ✭ 45 (-83.08%)
Mutual labels:  word2vec, sklearn
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 (-75.94%)
Mutual labels:  word2vec, attention
Graph2vec
A parallel implementation of "graph2vec: Learning Distributed Representations of Graphs" (MLGWorkshop 2017).
Stars: ✭ 605 (+127.44%)
Mutual labels:  word2vec, matrix-factorization
Prediction Flow
Deep-Learning based CTR models implemented by PyTorch
Stars: ✭ 138 (-48.12%)
Mutual labels:  attention, torch
lda2vec
Mixing Dirichlet Topic Models and Word Embeddings to Make lda2vec from this paper https://arxiv.org/abs/1605.02019
Stars: ✭ 27 (-89.85%)
Mutual labels:  word2vec, sklearn
Sine
A PyTorch Implementation of "SINE: Scalable Incomplete Network Embedding" (ICDM 2018).
Stars: ✭ 67 (-74.81%)
Mutual labels:  torch, sklearn
Tadw
An implementation of "Network Representation Learning with Rich Text Information" (IJCAI '15).
Stars: ✭ 43 (-83.83%)
Mutual labels:  word2vec, matrix-factorization
Role2vec
A scalable Gensim implementation of "Learning Role-based Graph Embeddings" (IJCAI 2018).
Stars: ✭ 134 (-49.62%)
Mutual labels:  word2vec, sklearn
learningspoons
nlp lecture-notes and source code
Stars: ✭ 29 (-89.1%)
Mutual labels:  word2vec, attention
Gemsec
The TensorFlow reference implementation of 'GEMSEC: Graph Embedding with Self Clustering' (ASONAM 2019).
Stars: ✭ 210 (-21.05%)
Mutual labels:  word2vec, matrix-factorization
Gam
A PyTorch implementation of "Graph Classification Using Structural Attention" (KDD 2018).
Stars: ✭ 227 (-14.66%)
Mutual labels:  attention, sklearn
Skip Thoughts.torch
Porting of Skip-Thoughts pretrained models from Theano to PyTorch & Torch7
Stars: ✭ 146 (-45.11%)
Mutual labels:  word2vec, torch
Deep learning nlp
Keras, PyTorch, and NumPy Implementations of Deep Learning Architectures for NLP
Stars: ✭ 407 (+53.01%)
Mutual labels:  word2vec, attention
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 (+384.96%)
Mutual labels:  word2vec, attention
RolX
An alternative implementation of Recursive Feature and Role Extraction (KDD11 & KDD12)
Stars: ✭ 52 (-80.45%)
Mutual labels:  word2vec, matrix-factorization
NTUA-slp-nlp
💻Speech and Natural Language Processing (SLP & NLP) Lab Assignments for ECE NTUA
Stars: ✭ 19 (-92.86%)
Mutual labels:  word2vec, attention
Persian-Sentiment-Analyzer
Persian sentiment analysis ( آناکاوی سهش های فارسی | تحلیل احساسات فارسی )
Stars: ✭ 30 (-88.72%)
Mutual labels:  word2vec
wordfish-python
extract relationships from standardized terms from corpus of interest with deep learning 🐟
Stars: ✭ 19 (-92.86%)
Mutual labels:  word2vec
HumanOrRobot
a solution for competition of kaggle `Human or Robot`
Stars: ✭ 16 (-93.98%)
Mutual labels:  sklearn
lettuce
Computational Fluid Dynamics based on PyTorch and the Lattice Boltzmann Method
Stars: ✭ 74 (-72.18%)
Mutual labels:  torch
ResUNetPlusPlus
Official code for ResUNetplusplus for medical image segmentation (TensorFlow implementation) (IEEE ISM)
Stars: ✭ 69 (-74.06%)
Mutual labels:  attention
altair
Assessing Source Code Semantic Similarity with Unsupervised Learning
Stars: ✭ 42 (-84.21%)
Mutual labels:  word2vec
photontorch
Highly parallel simulation and optimization of photonic circuits in time and frequency domain based on the deep-learning framework PyTorch
Stars: ✭ 29 (-89.1%)
Mutual labels:  torch
Attention
一些不同的Attention机制代码
Stars: ✭ 17 (-93.61%)
Mutual labels:  attention
Diabetic-Retinopathy-Detection
DIAGNOSIS OF DIABETIC RETINOPATHY FROM FUNDUS IMAGES USING SVM, KNN, and attention-based CNN models with GradCam score for interpretability,
Stars: ✭ 31 (-88.35%)
Mutual labels:  sklearn
datahub
DataHub - Synthetic data library
Stars: ✭ 66 (-75.19%)
Mutual labels:  sklearn
Credit-Risk-Analysis
No description or website provided.
Stars: ✭ 29 (-89.1%)
Mutual labels:  sklearn
sklearn-predict
机器学习数据,预测趋势并画图
Stars: ✭ 16 (-93.98%)
Mutual labels:  sklearn
chemicalx
A PyTorch and TorchDrug based deep learning library for drug pair scoring.
Stars: ✭ 176 (-33.83%)
Mutual labels:  torch
Visual-Transformer-Paper-Summary
Summary of Transformer applications for computer vision tasks.
Stars: ✭ 51 (-80.83%)
Mutual labels:  attention
Pytorch Sgns
Skipgram Negative Sampling in PyTorch
Stars: ✭ 256 (-3.76%)
Mutual labels:  word2vec
Text-Analysis
Explaining textual analysis tools in Python. Including Preprocessing, Skip Gram (word2vec), and Topic Modelling.
Stars: ✭ 48 (-81.95%)
Mutual labels:  word2vec
spark-word2vec
A parallel implementation of word2vec based on Spark
Stars: ✭ 24 (-90.98%)
Mutual labels:  word2vec
vqa-soft
Accompanying code for "A Simple Loss Function for Improving the Convergence and Accuracy of Visual Question Answering Models" CVPR 2017 VQA workshop paper.
Stars: ✭ 14 (-94.74%)
Mutual labels:  torch
skippa
SciKIt-learn Pipeline in PAndas
Stars: ✭ 33 (-87.59%)
Mutual labels:  sklearn
sibe
Experimental Haskell machine learning library
Stars: ✭ 35 (-86.84%)
Mutual labels:  word2vec
machine-learning-novice-sklearn
A Carpentry style lesson on machine learning with Python and scikit-learn.
Stars: ✭ 22 (-91.73%)
Mutual labels:  sklearn
Semantic-Aware-Attention-Based-Deep-Object-Co-segmentation
Semantic Aware Attention Based Deep Object Co-segmentation
Stars: ✭ 61 (-77.07%)
Mutual labels:  attention
Diverse-Structure-Inpainting
CVPR 2021: "Generating Diverse Structure for Image Inpainting With Hierarchical VQ-VAE"
Stars: ✭ 131 (-50.75%)
Mutual labels:  attention
sklearn-feature-engineering
使用sklearn做特征工程
Stars: ✭ 114 (-57.14%)
Mutual labels:  sklearn
Breast-Cancer-Scikitlearn
simple tutorial on Machine Learning with Scikitlearn
Stars: ✭ 33 (-87.59%)
Mutual labels:  sklearn
Amber
Amber-ify LED torch.
Stars: ✭ 26 (-90.23%)
Mutual labels:  torch
Event Extraction
基于法律裁判文书的事件抽取及其应用,包括数据的分词、词性标注、命名实体识别、事件要素抽取和判决结果预测等内容
Stars: ✭ 258 (-3.01%)
Mutual labels:  word2vec
ai challenger 2018 sentiment analysis
Fine-grained Sentiment Analysis of User Reviews --- AI CHALLENGER 2018
Stars: ✭ 16 (-93.98%)
Mutual labels:  attention
go2vec
Read and use word2vec vectors in Go
Stars: ✭ 44 (-83.46%)
Mutual labels:  word2vec
vak
a neural network toolbox for animal vocalizations and bioacoustics
Stars: ✭ 21 (-92.11%)
Mutual labels:  torch
sent2vec
How to encode sentences in a high-dimensional vector space, a.k.a., sentence embedding.
Stars: ✭ 99 (-62.78%)
Mutual labels:  word2vec
GodlyTorch
[NOT MAINTAINED] An app that can control the intensity of the torch of your rooted android device.
Stars: ✭ 16 (-93.98%)
Mutual labels:  torch
pprec
a recommender engine node-js package for general use and easy to integrate.
Stars: ✭ 29 (-89.1%)
Mutual labels:  matrix-factorization
SBR
⌛ Introducing Self-Attention to Target Attentive Graph Neural Networks (AISP '22)
Stars: ✭ 22 (-91.73%)
Mutual labels:  attention
Kaio-machine-learning-human-face-detection
Machine Learning project a case study focused on the interaction with digital characters, using a character called "Kaio", which, based on the automatic detection of facial expressions and classification of emotions, interacts with humans by classifying emotions and imitating expressions
Stars: ✭ 18 (-93.23%)
Mutual labels:  sklearn
cade
Compass-aligned Distributional Embeddings. Align embeddings from different corpora
Stars: ✭ 29 (-89.1%)
Mutual labels:  word2vec
mtad-gat-pytorch
PyTorch implementation of MTAD-GAT (Multivariate Time-Series Anomaly Detection via Graph Attention Networks) by Zhao et. al (2020, https://arxiv.org/abs/2009.02040).
Stars: ✭ 85 (-68.05%)
Mutual labels:  attention
tensorsem
Structural Equation Modeling using Torch
Stars: ✭ 36 (-86.47%)
Mutual labels:  torch
dhs summit 2019 image captioning
Image captioning using attention models
Stars: ✭ 34 (-87.22%)
Mutual labels:  attention
pytorch-extras
Some extra features for pytorch.
Stars: ✭ 48 (-81.95%)
Mutual labels:  torch
reach
Load embeddings and featurize your sentences.
Stars: ✭ 17 (-93.61%)
Mutual labels:  word2vec
1-60 of 695 similar projects