Pinned Repositories
Additive-Margin-Softmax
This is the implementation of paper <Additive Margin Softmax for Face Verification>
algorithm
AlgorithmsByPython
算法/数据结构/Python/剑指offer/机器学习/leetcode
DeepSpectralClusteringToy
PyTorch implementation of Deep Spectral Clustering paper on a toy dataset
HelloGitHub
:octocat:分享 GitHub 上好玩、容易上手的项目,帮你找到编程的乐趣。欢迎推荐、自荐项目,让更多人知道你的项目⭐️
jianzhi_offer
牛客网剑指offer 66题 and LeetCode Python版本 刷题刷题
machine-learning-interview
机器学习面试题总结
Python-Projects
some python projects
SiameseNet-TS
Siamese networks for traffic sign recognition
TSP-1
遗传算法、禁忌搜索、模拟退火、蚁群算法
17764591637's Repositories
17764591637/HelloGitHub
:octocat:分享 GitHub 上好玩、容易上手的项目,帮你找到编程的乐趣。欢迎推荐、自荐项目,让更多人知道你的项目⭐️
17764591637/Python-Projects
some python projects
17764591637/SiameseNet-TS
Siamese networks for traffic sign recognition
17764591637/TSP-1
遗传算法、禁忌搜索、模拟退火、蚁群算法
17764591637/algorithm
17764591637/AlgorithmsByPython
算法/数据结构/Python/剑指offer/机器学习/leetcode
17764591637/cnn_face_detection
基于cnn神经网络人脸识别 实现的考勤demo项目。ui采用pyqt5,实现了简单的录入人脸,人脸检测,人脸识别。
17764591637/DeepLearningBookQA_cn
深度学习面试问题 回答对应的DeepLearning中文版页码
17764591637/Face-Recognition
Face Recognition project in PyTorch using CNNs
17764591637/facenet_pytorch
PyTorch implementation of the paper "FaceNet: A Unified Embedding for Face Recognition and Clustering"
17764591637/Facial-Similarity-with-Siamese-Networks-in-Pytorch
Implementing Siamese networks with a contrastive loss for similarity learning
17764591637/freess
免费ss账号 免费shadowsocks账号 (长期更新)
17764591637/FRT
基于OpenCV深度学习与face++共同识别人脸项目
17764591637/gitNotes_from_Liao
从廖老师网站上总结的Git笔记,对常见命令进行了总结。
17764591637/graph_algorithm
Dijkstra, Floyd, Kruskal, Prim
17764591637/Machine-Learning-With-Python
此项目是我在学习《机器学习实战》这本书时的代码记录情况,用python实现,当然也会包括一些其他的机器学习算法,使用Python实现
17764591637/machine_learning_basics
Plain python implementations of basic machine learning algorithms
17764591637/MachineLearning_Python
机器学习算法python实现
17764591637/pytorch-beginner
pytorch tutorial for beginners
17764591637/pytorch-playground
Base pretrained models and datasets in pytorch (MNIST, SVHN, CIFAR10, CIFAR100, STL10, AlexNet, VGG16, VGG19, ResNet, Inception, SqueezeNet)
17764591637/pytorch-siamese
Siamese Network implementation using Pytorch
17764591637/pytorch-tutorial
PyTorch Tutorial for Deep Learning Researchers
17764591637/siamese-pytorch
Implementation of Siamese Networks for image one-shot learning by PyTorch, train and test model on dataset Omniglot
17764591637/siamese-triplet
Siamese and triplet networks with online pair/triplet mining in PyTorch
17764591637/Siamese_lfw_pytorch
This is a pytorch implementation of Siamese network on lfw dataset, which adapts a 19-layer neural network
17764591637/siamese_pytorch
PyTorch implementation of Siamese Network with FashionMNIST
17764591637/SpectralNet
Deep network that performs spectral clustering
17764591637/SSH
SSH: Single Stage Headless Face Detector
17764591637/Variational-Autoencoder-PyTorch
Variational Autoencoder implemented with PyTorch, Trained over CelebA Dataset
17764591637/wgan-gp
A pytorch implementation of Paper "Improved Training of Wasserstein GANs"