-
Updated
Mar 20, 2021 - Python
#
embeddings
Here are 703 public repositories matching this topic...
100+ Chinese Word Vectors 上百种预训练中文词向量
A library for transfer learning by reusing parts of TensorFlow models.
-
Updated
Oct 26, 2021 - Python
nlp
machine-learning
reinforcement-learning
computer-vision
deep-learning
embeddings
survey
recommender-system
-
Updated
Sep 1, 2021
A fast, efficient universal vector embedding utility package.
python
nlp
fast
machine-learning
natural-language-processing
word2vec
word-embeddings
embeddings
gensim
machine-learning-library
glove
vectors
fasttext
memory-efficient
-
Updated
Feb 23, 2021 - Python
A curated list of awesome embedding models tutorials, projects and communities.
-
Updated
Apr 7, 2019 - Jupyter Notebook
Predict stock market prices using RNN model with multilayer LSTM cells + optional multi-stock embeddings.
-
Updated
Jan 10, 2019 - Python
philippmwirth
commented
Sep 24, 2021
Add default parameters for all projection heads
It's helpful to know what the default parameters were in the papers to get started. We should add the default projection head parameters which were used for pre-training on Imagenet to all projection and prediction heads in lightly/models/modules/heads.py
.
中文长文本分类、短句子分类、多标签分类、两句子相似度(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
nlp
text-classification
keras
embeddings
transformer
fasttext
albert
bert
capsule
han
rcnn
dcnn
textcnn
crnn
dpcnn
vdcnn
charcnn
xlnet
keras-textclassification
leam
-
Updated
Sep 2, 2021 - Python
Data augmentation for NLP, presented at EMNLP 2019
nlp
text-classification
position
cnn
embeddings
synonyms
swap
classification
rnn
sentence
data-augmentation
-
Updated
May 19, 2021 - Python
Pre-trained subword embeddings in 275 languages, based on Byte-Pair Encoding (BPE)
-
Updated
Apr 12, 2021 - Python
Implementation of triplet loss in TensorFlow
-
Updated
May 9, 2019 - Python
Solves basic Russian NLP tasks, API for lower level Natasha projects
-
Updated
Oct 1, 2021 - Python
Implementation of the node2vec algorithm.
-
Updated
Oct 9, 2021 - Python
A tool for learning vector representations of words and entities from Wikipedia
-
Updated
Apr 3, 2021 - Python
A python package to run contextualized topic modeling. CTMs combine contextualized embeddings (e.g., BERT) with topic models to get coherent topics. Published at EACL and ACL 2021.
nlp
embeddings
transformer
topic-modeling
nlp-library
nlp-machine-learning
bert
neural-topic-models
text-as-data
topic-coherence
multilingual-topic-models
multilingual-models
-
Updated
Oct 25, 2021 - Python
Library for faster pinned CPU <-> GPU transfer in Pytorch
nlp
machine-learning
natural-language-processing
gpu
cuda
pytorch
embeddings
sparse
data-transfer
cupy
sparse-modeling
cpu-pinned-tensors
pytorch-variables
gpu-transfer
cuda-variables
pytorch-tensors
cuda-tensors
embeddings-trained
cpu-gpu-transfer
pinned-cpu-tensors
-
Updated
Feb 21, 2020 - Python
Classify Kaggle San Francisco Crime Description into 39 classes. Build the model with CNN, RNN (GRU and LSTM) and Word Embeddings on Tensorflow.
-
Updated
Mar 23, 2018 - Python
Named Entity Recognition using multilayered bidirectional LSTM
natural-language-processing
deep-neural-networks
tensorflow
recurrent-neural-networks
embeddings
lstm
named-entity-recognition
-
Updated
Mar 10, 2019 - Python
Curated List of Persian Natural Language Processing and Information Retrieval Tools and Resources
natural-language-processing
information-retrieval
corpus
language-detection
embeddings
named-entity-recognition
normalizer
spell-check
persian-language
stemmer
dependency-parser
persian-nlp
part-of-speech-tagger
morphological-analysis
persian-stemmer
shallow-parser
-
Updated
Sep 7, 2021
A vector database for machine learning embeddings.
-
Updated
Oct 25, 2021 - JavaScript
Nimfa: Nonnegative matrix factorization in Python
embeddings
matrix-factorization
latent-variable-models
latent-features
nonnegative-matrix-factorization
-
Updated
Feb 12, 2021 - Python
Compute Sentence Embeddings Fast!
cython
embeddings
gensim
fse
fasttext
word2vec-model
maxpooling
document-similarity
wordembedding
sif
sentence-similarity
sentence-embeddings
sentence-representation
usif
gensim-model
swem
-
Updated
Apr 10, 2021 - Python
Natural Language Processing Pipeline - Sentence Splitting, Tokenization, Lemmatization, Part-of-speech Tagging and Dependency Parsing
parse
machine-translation
embeddings
information-extraction
dependency-parser
universal-dependencies
part-of-speech-tagger
dependency-parsing
tokenization
lemmatization
sentence-splitting
nlp-cube
language-pipeline
-
Updated
Oct 18, 2021 - Python
Classify Kaggle Consumer Finance Complaints into 11 classes. Build the model with CNN (Convolutional Neural Network) and Word Embeddings on Tensorflow.
text-classification
tensorflow
cnn
embeddings
convolutional-neural-networks
sentence-classification
multi
-
Updated
Mar 25, 2018 - Python
Fuzzy string matching, grouping, and evaluation.
-
Updated
Jul 16, 2021 - Python
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)
python
machine-learning
deep-learning
neural-network
tensorflow
word2vec
vector
transformers
pytorch
embeddings
artificial-intelligence
video-processing
deeplearning
encodings
audio-processing
vector-similarity
tfhub
image2vec
-
Updated
Sep 27, 2021 - Python
Recommender Systems Paperlist that I am interested in
embeddings
collaborative-filtering
recommender-systems
ctr-prediction
graph-embedding
neural-collaborative-filtering
sequential-recommendation
knowledge-graph-for-recommendation
industry-recommendations
session-based-recommendation
-
Updated
Jul 29, 2021
Improve this page
Add a description, image, and links to the embeddings topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the embeddings topic, visit your repo's landing page and select "manage topics."
Expected Behavior
I want to convert torch.nn.Linear modules to weight drop linear modules in my model (possibly big), and I want to train my model with multi-GPUs. However, I have RuntimeError in my sample code. First, I have _weight_drop() which drops some part of weights in torch.nn.Linear (see the code below).
Actual Behavior
RuntimeError: arguments are located on different GPUs at /