Topic: "siamese-network"
STVIR/pysot
SenseTime Research platform for single object tracking, implementing algorithms like SiamRPN and SiamMask.
Language: Python - Size: 6.2 MB - Last synced at: about 8 hours ago - Pushed at: over 1 year ago - Stars: 4,503 - Forks: 1,110

adambielski/siamese-triplet
Siamese and triplet networks with online pair/triplet mining in PyTorch
Language: Python - Size: 12.3 MB - Last synced at: 4 days ago - Pushed at: about 2 years ago - Stars: 3,141 - Forks: 634

jina-ai/finetuner 📦
:dart: Task-oriented embedding tuning for BERT, CLIP, etc.
Language: Python - Size: 71.5 MB - Last synced at: 8 days ago - Pushed at: about 1 year ago - Stars: 1,498 - Forks: 68

sudharsan13296/Hands-On-Meta-Learning-With-Python
Learning to Learn using One-Shot Learning, MAML, Reptile, Meta-SGD and more with Tensorflow
Language: Jupyter Notebook - Size: 27.3 MB - Last synced at: 10 days ago - Pushed at: over 3 years ago - Stars: 1,202 - Forks: 360

harveyslash/Facial-Similarity-with-Siamese-Networks-in-Pytorch
Implementing Siamese networks with a contrastive loss for similarity learning
Language: Jupyter Notebook - Size: 6.18 MB - Last synced at: 10 days ago - Pushed at: almost 5 years ago - Stars: 986 - Forks: 274

GoogleCloudPlatform/keras-idiomatic-programmer 📦
Books, Presentations, Workshops, Notebook Labs, and Model Zoo for Software Engineers and Data Scientists wanting to learn the TF.Keras Machine Learning framework
Language: Jupyter Notebook - Size: 94.6 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 817 - Forks: 282

rafellerc/Pytorch-SiamFC
Pytorch implementation of "Fully-Convolutional Siamese Networks for Object Tracking"
Language: Python - Size: 29.1 MB - Last synced at: 9 days ago - Pushed at: over 4 years ago - Stars: 623 - Forks: 143

bertinetto/siamese-fc
Arbitrary object tracking at 50-100 FPS with Fully Convolutional Siamese networks.
Language: MATLAB - Size: 2.93 MB - Last synced at: about 1 year ago - Pushed at: about 6 years ago - Stars: 615 - Forks: 224

torrvision/siamfc-tf
SiamFC tracking in TensorFlow.
Language: Python - Size: 434 KB - Last synced at: 9 days ago - Pushed at: almost 2 years ago - Stars: 573 - Forks: 185

tensorfreitas/Siamese-Networks-for-One-Shot-Learning 📦
Implementation of Siamese Neural Networks for One-shot Image Recognition
Language: Python - Size: 8.83 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 556 - Forks: 177

wgcban/ChangeFormer
[IGARSS'22]: A Transformer-Based Siamese Network for Change Detection
Language: Python - Size: 13.8 MB - Last synced at: about 17 hours ago - Pushed at: over 1 year ago - Stars: 486 - Forks: 66

zllrunning/SiameseX.PyTorch
A simplified PyTorch implementation of Siamese networks for tracking: SiamFC, SiamRPN, SiamRPN++, SiamVGG, SiamDW, SiamRPN-VGG.
Language: Python - Size: 51.6 MB - Last synced at: 7 days ago - Pushed at: almost 6 years ago - Stars: 446 - Forks: 95

yanqiangmiffy/sentence-similarity
问题句子相似度计算,即给定客服里用户描述的两句话,用算法来判断是否表示了相同的语义。
Language: Python - Size: 7.91 MB - Last synced at: 14 days ago - Pushed at: over 4 years ago - Stars: 370 - Forks: 89

bilylee/SiamFC-TensorFlow
A TensorFlow implementation of the SiamFC tracker
Language: Python - Size: 2.86 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 354 - Forks: 113

anilbas/3DMMasSTN
MatConvNet implementation for incorporating a 3D Morphable Model (3DMM) into a Spatial Transformer Network (STN)
Language: Matlab - Size: 2.59 MB - Last synced at: 7 days ago - Pushed at: about 7 years ago - Stars: 284 - Forks: 50

ardiya/siamesenetwork-tensorflow
Using siamese network to do dimensionality reduction and similar image retrieval
Language: Jupyter Notebook - Size: 32.7 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 279 - Forks: 84

amansrivastava17/lstm-siamese-text-similarity
⚛️ It is keras based implementation of siamese architecture using lstm encoders to compute text similarity
Language: Python - Size: 69.3 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 278 - Forks: 91

fangpin/siamese-pytorch
Implementation of Siamese Networks for image one-shot learning by PyTorch, train and test model on dataset Omniglot
Language: Python - Size: 63.5 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 265 - Forks: 55

Ant-Brain/EfficientWord-Net
OneShot Learning-based hotword detection.
Language: Jupyter Notebook - Size: 143 MB - Last synced at: 8 days ago - Pushed at: 9 months ago - Stars: 261 - Forks: 42

ChenglongChen/tensorflow-DSMM
Tensorflow implementations of various Deep Semantic Matching Models (DSMM).
Language: Python - Size: 88.9 KB - Last synced at: 26 days ago - Pushed at: over 6 years ago - Stars: 228 - Forks: 76

abhyantrika/nanonets_object_tracking
Language: Python - Size: 13.2 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 212 - Forks: 118

akshaysharma096/Siamese-Networks
Few Shot Learning by Siamese Networks, using Keras.
Language: Jupyter Notebook - Size: 119 KB - Last synced at: 6 months ago - Pushed at: about 5 years ago - Stars: 191 - Forks: 82

lonePatient/TorchBlocks
A PyTorch-based toolkit for natural language processing
Language: Python - Size: 481 KB - Last synced at: 14 days ago - Pushed at: about 2 years ago - Stars: 156 - Forks: 26

aerdem4/kaggle-quora-dup
Solution to Kaggle's Quora Duplicate Question Detection Competition
Language: Python - Size: 63.5 KB - Last synced at: 2 months ago - Pushed at: over 6 years ago - Stars: 137 - Forks: 51

hlamba28/One-Shot-Learning-with-Siamese-Networks
Implementation of One Shot Learning using Convolutional Siamese Networks on Omniglot Dataset
Language: Jupyter Notebook - Size: 76.2 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 133 - Forks: 111

msindev/Facial-Recognition-Using-FaceNet-Siamese-One-Shot-Learning
Implementation of Facial Recognition System Using Facenet based on One Shot Learning Using Siamese Networks
Language: Python - Size: 102 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 131 - Forks: 54

yifeishi/PlaneMatch
[ECCV'18 Oral] PlaneMatch: Patch Coplanarity Prediction for Robust RGB-D Reconstruction
Language: Python - Size: 873 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 118 - Forks: 32

gcucurull/visual-compatibility
Context-Aware Visual Compatibility Prediction (https://arxiv.org/abs/1902.03646)
Language: Python - Size: 117 KB - Last synced at: about 2 hours ago - Pushed at: about 2 years ago - Stars: 117 - Forks: 39

yeziyang1992/Python-Tensorflow-Face-v2.0
基于tensorflow的人脸识别
Language: Python - Size: 242 MB - Last synced at: about 2 months ago - Pushed at: almost 7 years ago - Stars: 114 - Forks: 46

sanku-lib/image_triplet_loss
Image similarity using Triplet Loss
Language: Jupyter Notebook - Size: 2.96 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 102 - Forks: 47

arbitularov/SiamRPN-PyTorch
Implementation SiamRPN on PyTorch with GOT-10k dataset
Language: Python - Size: 238 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 99 - Forks: 22

chinmaynehate/DFSpot-Deepfake-Recognition
Determine whether a given video sequence has been manipulated or synthetically generated
Language: Python - Size: 25.9 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 98 - Forks: 19

avilash/pytorch-siamese-triplet
One-Shot Learning with Triplet CNNs in Pytorch
Language: Python - Size: 74.2 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 86 - Forks: 20

Lapis-Hong/atec-nlp
ATEC 金融大脑-金融智能NLP服务
Language: Python - Size: 13.9 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 84 - Forks: 38

leeyeehoo/SiamVGG
SiamVGG: Visual Tracking with Deeper Siamese Networks
Language: Python - Size: 232 KB - Last synced at: 18 days ago - Pushed at: almost 6 years ago - Stars: 79 - Forks: 18

sasidhar-programmer/Tensorflow_Advance_Techniques
deeplearning.ai Tensorflow advance techniques specialization
Language: Jupyter Notebook - Size: 87.8 MB - Last synced at: 10 months ago - Pushed at: over 4 years ago - Stars: 76 - Forks: 73

MinZHANG-WHU/FDCNN
The implementation of FDCNN in paper - A Feature Difference Convolutional Neural Network-Based Change Detection Method
Language: Python - Size: 484 KB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 74 - Forks: 26

Aftaab99/OfflineSignatureVerification
Writer independent offline signature verification using convolutional siamese networks
Language: Jupyter Notebook - Size: 5.12 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 73 - Forks: 27

AyanKumarBhunia/Deep-One-Shot-Logo-Retrieval
A Deep One-Shot Network for Query-based Logo Retrieval [Pattern Recognition 2019, Elsevier]
Language: Python - Size: 3.95 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 59 - Forks: 20

jadevaibhav/Signature-verification-using-deep-learning
Using SigComp'11 dataset for signature verification
Language: Jupyter Notebook - Size: 18.9 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 56 - Forks: 27

susantabiswas/facial-login-web
Web based facial Authentication system with flask server
Language: JavaScript - Size: 65.3 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 51 - Forks: 33

susantabiswas/FaceRecog
Realtime Facial recognition system using Siamese neural network
Language: Python - Size: 102 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 48 - Forks: 21

eggie5/RankNet
Learning to Rank from Pair-wise data
Language: Jupyter Notebook - Size: 63.5 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 48 - Forks: 10

Golbstein/keras-face-recognition
Who is your doppelgänger and more with Keras face recognition
Language: Jupyter Notebook - Size: 17.1 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 47 - Forks: 18

hlamba28/Offline-Signature-Verification-using-Siamese-Network
Identifying forged signatures using convolutional siamese networks implemented in Keras
Language: Jupyter Notebook - Size: 470 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 44 - Forks: 28

adityajn105/Face-Recognition-Siamese-Network
A Face Recognition Siamese Network implemented using Keras. Siamese Network is used for one shot learning which do not require extensive training samples for image recognition.
Language: Jupyter Notebook - Size: 4.26 MB - Last synced at: 7 days ago - Pushed at: over 4 years ago - Stars: 40 - Forks: 19

schatty/siamese-networks-tf
Implementation of Siamese-Networks for One Shot Learning in TensorFlow 2.0
Language: Python - Size: 54.7 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 40 - Forks: 13

leeyeehoo/SiamRPN-VGG
Combination of SiamRPN and VGG
Language: Python - Size: 7.98 MB - Last synced at: 18 days ago - Pushed at: about 6 years ago - Stars: 38 - Forks: 8

deepampatel/TwinBert
pytorch implementation of the TwinBert paper
Language: Jupyter Notebook - Size: 122 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 37 - Forks: 12

burnpiro/farm-animal-tracking 📦
Farm Animal Tracking (FAT)
Language: Python - Size: 28.3 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 31 - Forks: 14

adipandas/one-shot-steel-surfaces
One-Shot Recognition of Manufacturing Defects in Steel Surfaces
Language: Jupyter Notebook - Size: 53.4 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 31 - Forks: 10

cftang0827/pedestrian_recognition
A simple human recognition api for re-ID usage, power by paper https://arxiv.org/abs/1703.07737
Language: Jupyter Notebook - Size: 4.43 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 30 - Forks: 9

SSQ/Coursera-Ng-Convolutional-Neural-Networks
Language: Python - Size: 57.2 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 30 - Forks: 44

dedhiaparth98/face-recognition
Face Recognition Model trained with Siamese Network and Triplet Loss function in TensorFlow
Language: Jupyter Notebook - Size: 2.85 MB - Last synced at: 11 months ago - Pushed at: over 4 years ago - Stars: 28 - Forks: 19

MinZHANG-WHU/CDMI-Net
The implementation of CDMI-Net in Paper - Deep Multiple Instance Learning for Landslide Mapping
Language: Python - Size: 661 KB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 28 - Forks: 9

czla/siamese-tracker-road-trip
基于孪生网络的单目标跟踪论文思路汇总
Size: 4.69 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 28 - Forks: 9

rohanrao619/Face_Recognition_using_Siamese_Network
Realtime face detection and recognition on video streams. Uses Inception-ResNet-v1 as Encoder, trained using Triplet Loss.
Language: Jupyter Notebook - Size: 11.7 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 27 - Forks: 32

asagar60/Siamese-Neural-Networks-for-One-shot-Image-Recognition
One Shot Learning Implementation
Language: Jupyter Notebook - Size: 1.56 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 26 - Forks: 7

suvojit-0x55aa/3DMMasSTN-Pytorch
Unofficial PyTorch implementation for incorporating a 3D Morphable Model (3DMM) into a Spatial Transformer Network (STN)
Language: Python - Size: 5.61 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 26 - Forks: 2

MrXiaoXiao/SiameseEarthquakeTransformer
Tutorials and updated codes for the research paper: 'Siamese Earthquake Transformer: A pair-input deep-learning model for earthquake detection and phase picking on a seismic array.'
Language: Jupyter Notebook - Size: 65.8 MB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 25 - Forks: 4

datvuthanh/Stereo-Matching
Efficient Deep Learning for Stereo Matching Tensorflow 2.x
Language: Python - Size: 68.4 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 25 - Forks: 5

RocketFlash/EmbeddingNet
Embeddings learning using Siamese and Triplets for image classification
Language: Python - Size: 9.8 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 24 - Forks: 8

netrapathak/Offline-Signature-Verification
Implemented two papers for offline signature verification. Both use different deep learning techniques - Convolutional network and Siamese network.
Language: Python - Size: 4.88 KB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 24 - Forks: 10

VinhLoiIT/signet-pytorch
SigNet implementation in Pytorch
Language: Python - Size: 17.6 KB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 23 - Forks: 5

SoongE/siamese-one-shot-pytorch
Example of one shot learning and few shot learning with omniglot dataset.
Language: Python - Size: 6.84 MB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 23 - Forks: 4

suderoy/PREREQ-IAAI-19
Inferring Concept Prerequisite Relations from Online Educational Resources (IAAI-19)
Language: C - Size: 5.04 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 22 - Forks: 10

zdmc23/oneshot-audio
Experiment with "one-shot learning" techniques to recognize a voice signature
Language: Jupyter Notebook - Size: 272 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 22 - Forks: 4

AlexYangLi/NLI_Keras
Keras implementation (tensorflow backend) of natural language inference
Language: Python - Size: 173 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 22 - Forks: 7

TharinduDR/Siamese-Recurrent-Architectures
Usage of Siamese Recurrent Neural network architectures for semantic textual similarity
Language: Jupyter Notebook - Size: 222 MB - Last synced at: about 2 months ago - Pushed at: about 6 years ago - Stars: 22 - Forks: 2

lzane/SiamFC-tf
A TensorFlow implementation of the SiamFC tracker, use with your own camera and video, or integrate to your own project 实时物体追踪,封装API,可整合到自己的项目中
Language: Python - Size: 2.88 MB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 22 - Forks: 15

bismex/MMLT
[ECCVW2018] A Memory Model based on the Siamese Network for Long-term Tracking (MMLT)
Language: MATLAB - Size: 11.4 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 21 - Forks: 5

bulentsiyah/My-Studies-on-Kaggle
It is the repo I listed my kernels in Kaggle. You can access it in detail from my Kaggle address https://www.kaggle.com/bulentsiyah.
Language: Jupyter Notebook - Size: 20.4 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 20 - Forks: 0

huiminren/ST-SiameseNet
ST-SiameseNet (KDD'20)
Language: Python - Size: 58.5 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 18 - Forks: 11

stytim/LFW_Siamese_Pytorch
This project uses the Labeled Faces in the Wild (LFW) dataset, and the goal is to train variants of deep architectures to learn when a pair of images of faces is the same person or not. It is a pytorch implementation of Siamese network with 19 layers.
Language: Python - Size: 59.6 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 18 - Forks: 7

leimao/Siamese_Network_MNIST
Siamese Network on MNIST Dataset
Language: Python - Size: 19.4 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 17 - Forks: 5

zabir-nabil/covid19-few-shot-learning
Language: Jupyter Notebook - Size: 226 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 17 - Forks: 0

AdityaDutt/Bird-Song-Classification
Classify bird species based on their songs using SIamese Networks and 1D dilated convolutions.
Language: Python - Size: 2.83 MB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 17 - Forks: 8

borarak/detectron2-sot
Single object tracking (SOT) using detectron2
Language: Python - Size: 357 KB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 17 - Forks: 3

dynobo/ContinAuth 📦
Master Thesis - Continuous Authentication using Inertial-Sensors of Smartphones and Deep Learning
Language: Jupyter Notebook - Size: 51.8 MB - Last synced at: 4 months ago - Pushed at: over 5 years ago - Stars: 16 - Forks: 13

Yikai-Wang/Attention-Based-Siamese-Text-CNN-for-Stance-Detection
Final project for NLP(DATA130006) in Fudan university.
Language: Python - Size: 14.2 MB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 16 - Forks: 14

HarshSulakhe/siamesenetworks-pytorch
An implementation of Contrastive Loss in PyTorch using Siamese Networks
Language: Jupyter Notebook - Size: 422 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 15 - Forks: 3

swshon/dialectID_siam
Dialect identification using Siamese network
Language: Jupyter Notebook - Size: 116 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 15 - Forks: 4

vishnumani2009/siamese-text-similarity
Tensorflow based implementation of deep siamese LSTM network for sentence classification using character embeddings
Language: Python - Size: 1.31 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 15 - Forks: 6

amalF/deep_stereo_matching
Tensorflow implementation of the paper "Efficient Deep Learning for Stereo Matching"
Language: Python - Size: 44.9 KB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 14 - Forks: 6

Mayurji/Pytorch-Lightning-Face-Recognition
The Objective is to implement Siamese Network for Face Recognition using Pytorch Lightning.
Language: Python - Size: 267 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 12 - Forks: 1

juanmc2005/SimilarityLearning
Similarity Learning applied to Speaker Verification and Semantic Textual Similarity
Language: Python - Size: 5.8 MB - Last synced at: about 2 months ago - Pushed at: about 5 years ago - Stars: 12 - Forks: 7

Juhi-Purswani/Multimodal_Meta_Learning_with_Siamese_Network
Multi-modal classifications of digits with image and audio modality. One shot learning with Siamese network is used to predict if the given input image-audio pair belongs to same class or not.
Language: Python - Size: 125 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 11 - Forks: 6

jackaduma/HomoglyphAttacksDetector
Detecting Homoglyph Attacks with CNN model using Computer Vision method
Language: Jupyter Notebook - Size: 37.6 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 11 - Forks: 4

nashory/dense-equi-torch
Torch7 implementation of Unsupervised object learning from dense equivariant image labelling
Language: Lua - Size: 46.9 KB - Last synced at: 19 days ago - Pushed at: over 7 years ago - Stars: 11 - Forks: 0

elcaiseri/Siamese-Network
Image similarity estimation using a Siamese Network with a triplet loss
Language: Jupyter Notebook - Size: 6.53 MB - Last synced at: about 2 months ago - Pushed at: almost 2 years ago - Stars: 10 - Forks: 3

vignets/cover-song-identification
Cover Song Identification with Keras
Language: Jupyter Notebook - Size: 512 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 10 - Forks: 0

zekaouinoureddine/COVID-19-Detection-From-X-Ray
COVID-19 Detection From X-ray Images Using Deep Learning
Language: Jupyter Notebook - Size: 207 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 10 - Forks: 5

saadhaxxan/Siamese-Network-with-Triplet-Loss
Siamese Network with Triplet Loss
Language: Jupyter Notebook - Size: 318 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 10 - Forks: 1

arthurdouillard/tensorflow-faceid
Faceid-like in Tensorflow using a Siamese network with contrastive loss
Language: Python - Size: 24.7 MB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 10 - Forks: 4

Brikwerk/siamese-segmentation
Image co-segmentation with a Siamese Neural Network based off of CoSegNet
Language: Jupyter Notebook - Size: 129 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 9 - Forks: 4

edu-rinaldi/Iris-Recognition
C++ Iris recognition system, using CNN based feature extractors
Language: Jupyter Notebook - Size: 52.5 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 9 - Forks: 0

joeyism/py-image-comparer
Compares two images using Siamese Network (machine learning) trained from a Pytorch Implementation
Language: Python - Size: 197 KB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 9 - Forks: 0

sairahul/mlexperiments
Machine learning model implementations using pytorch, fastai, pytorch-lightning
Language: Jupyter Notebook - Size: 36.4 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 9 - Forks: 2

harsh2ai/fast-facenet-at-oneshot
This project is an implementation of Siamese Neural Networks
Language: Python - Size: 110 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 9 - Forks: 2

vijaydwivedi75/Beyond_word2vec
Deep learning architectures to embed multi-word units into a vector space maximizing similarity between units of different sizes.
Language: Python - Size: 3.38 MB - Last synced at: about 1 month ago - Pushed at: about 6 years ago - Stars: 9 - Forks: 2
