#
siamese-network
Here are 258 public repositories matching this topic...
Siamese and triplet networks with online pair/triplet mining in PyTorch
machine-learning
deep-learning
pytorch
embedding
triplet-loss
siamese-network
contrastive-loss
triplet-network
learning-embeddings
-
Updated
Aug 4, 2020 - Python
Learning to Learn using One-Shot Learning, MAML, Reptile, Meta-SGD and more with Tensorflow
reinforcement-learning
tensorflow
keras
one-shot-learning
reptile
maml
mann
zero-shot-learning
ntm
shot-learning
siamese-network
relation-network
metalearning
few-shot-learning
prototypical-networks
meta-sgd
matching-networks
deep-meta-learning
meta-imitation-learning
prototypical-network
-
Updated
Oct 9, 2020 - Jupyter Notebook
Implementing Siamese networks with a contrastive loss for similarity learning
-
Updated
Jul 16, 2020 - Jupyter Notebook
Books, Presentations, Workshops, Notebook Labs, and Model Zoo for Software Engineers and Data Scientists wanting to learn the TF.Keras Machine Learning framework
machine-learning
deep-learning
keras
vgg
dcgan
autoencoder
densenet
resnet
keras-tutorials
squeezenet
inception
resnext
automl
mobilenet
siamese-network
shufflenet
senet
xception
tensorflow-keras
-
Updated
Dec 29, 2020 - Jupyter Notebook
Arbitrary object tracking at 50-100 FPS with Fully Convolutional Siamese networks.
-
Updated
May 16, 2019 - MATLAB
SiamFC tracking in TensorFlow.
-
Updated
Jun 8, 2021 - Python
Pytorch implementation of "Fully-Convolutional Siamese Networks for Object Tracking"
-
Updated
Oct 27, 2020 - Python
Implementation of Siamese Neural Networks for One-shot Image Recognition
-
Updated
Mar 8, 2019 - Python
A simplified PyTorch implementation of Siamese networks for tracking: SiamFC, SiamRPN, SiamRPN++, SiamVGG, SiamDW, SiamRPN-VGG.
-
Updated
Aug 5, 2019 - Python
A TensorFlow implementation of the SiamFC tracker
-
Updated
Jan 14, 2020 - Python
问题句子相似度计算,即给定客服里用户描述的两句话,用算法来判断是否表示了相同的语义。
-
Updated
Nov 17, 2020 - Python
Using siamese network to do dimensionality reduction and similar image retrieval
-
Updated
Jul 22, 2019 - Jupyter Notebook
deep-learning
text-similarity
keras
lstm
lstm-neural-networks
bidirectional-lstm
sentence-similarity
siamese-network
-
Updated
May 21, 2021 - Python
MatConvNet implementation for incorporating a 3D Morphable Model (3DMM) into a Spatial Transformer Network (STN)
frequency
machine-learning
deep-neural-networks
computer-vision
deep-learning
matlab
face
convolutional-neural-networks
matconvnet
vgg-face-matconvnet
spatial-transformer-network
3dmm
stn
dagnn
siamese-network
basel-face-model
3d-morphable-models
-
Updated
Apr 15, 2018 - MATLAB
Tensorflow implementations of various Deep Semantic Matching Models (DSMM).
tensorflow
question-answering
sentence-similarity
siamese-network
dssm
semantic-matching
abcnn
cdssm
matchpyramid
esim
-
Updated
Dec 2, 2018 - Python
Implementation of Siamese Networks for image one-shot learning by PyTorch, train and test model on dataset Omniglot
-
Updated
Jun 4, 2021 - Python
Few Shot Learning by Siamese Networks, using Keras.
machine-learning
keras
deep
convolutional-neural-network
keras-neural-networks
siamese-network
few-shot-learning
-
Updated
May 14, 2020 - Jupyter Notebook
-
Updated
Jun 14, 2021 - Python
Solution to Kaggle's Quora Duplicate Question Detection Competition
-
Updated
Feb 18, 2019 - Python
Implementation of One Shot Learning using Convolutional Siamese Networks on Omniglot Dataset
-
Updated
Mar 20, 2020 - Jupyter Notebook
[ECCV'18 Oral] PlaneMatch: Patch Coplanarity Prediction for Robust RGB-D Reconstruction
-
Updated
Jan 28, 2019 - Python
基于tensorflow的人脸识别
-
Updated
Jul 11, 2018 - Python
Implementation SiamRPN on PyTorch with GOT-10k dataset
-
Updated
Jul 2, 2019 - Python
Implementation of Facial Recognition System Using Facenet based on One Shot Learning Using Siamese Networks
face-recognition
face-detection
facenet
one-shot-learning
haar-cascade
siamese-network
facenet-model
-
Updated
May 21, 2021 - Python
ATEC 金融大脑-金融智能NLP服务
-
Updated
Jun 13, 2018 - Python
SiamVGG: Visual Tracking with Deeper Siamese Networks
-
Updated
Jun 5, 2019 - Python
Context-Aware Visual Compatibility Prediction (https://arxiv.org/abs/1902.03646)
-
Updated
Nov 13, 2020 - Python
Image similarity using Triplet Loss
machine-learning
deep-learning
tensorflow
image-processing
triplet-loss
siamese-network
image-similarity
cnn-tensorflow
-
Updated
May 21, 2021 - Jupyter Notebook
A PyTorch-based toolkit for natural language processing
nlp
text-classification
text-similarity
transformers
pytorch
named-entity-recognition
advertising
bert
triplet-loss
multilabel-classification
siamese-network
relation-classification
-
Updated
Jul 25, 2021 - Python
Improve this page
Add a description, image, and links to the siamese-network topic page so that developers can more easily learn about it.
Add this topic to your repo
To associate your repository with the siamese-network topic, visit your repo's landing page and select "manage topics."
Well #77 didn't work for me while resuming from checkpoint_18.pth. The problem is when we resume, the model and optimizer passed in the restore_from function are suitable for epoch less than 10 (till backbone is not training) because the cfg.TRAIN.START_EPOCH is 0 (passed in build_opt_lr function just before restore_from) initially so this mismatches the optimizer after backbone start training. So