Pinned Repositories
100-Days-Of-ML-Code
100-Days-Of-ML-Code中文版
2018-CCF-BDCI-China-Unicom-Research-Institute-top2
2018-CCF大数据与计算智能大赛-面向电信行业存量用户的智能套餐个性化匹配模型联通赛-复赛第二名解决方案
30dayMakeCppServer
30天自制C++服务器,包含教程和源代码
awesome-random-forest
Random Forest - a curated list of resources regarding random forest
categorical_encoding
a sandbox for studying different methods of coding categorical variables
Image-Segmentation-using-SVM-Markov-Random-Fields
3-D Image segmentation using Support Vector Machines, Markov Random Fields, Support Vector Random Fields, Histogram of Oriented Gradients
neural-turing-machines
Attempt at implementing system described in "Neural Turing Machines." by Graves, Alex, Greg Wayne, and Ivo Danihelka. (http://arxiv.org/abs/1410.5401)
Scene-Classification
Matlab project to classify images using multiple feature detection techniques.
Sparse-Clustering
A framework for feature selection in clustering
jizhihang's Repositories
jizhihang/calculator
Windows Calculator: A simple yet powerful calculator that ships with Windows
jizhihang/d2l-zh
《动手学深度学习》,英文版即伯克利深度学习(STAT 157,2019春)教材。面向中文读者、能运行、可讨论。
jizhihang/Deep-Tutorials-for-PyTorch
In-depth tutorials for implementing deep learning models on your own with PyTorch.
jizhihang/GNNPapers
Must-read papers on graph neural networks (GNN)
jizhihang/graph_nn
Graph classification with Graph Convolutional Networks in PyTorch
jizhihang/homemade-machine-learning
🤖 Python examples of popular machine learning algorithms with interactive Jupyter demos and math being explained
jizhihang/Learning-from-data
记录Learning from data一书中的习题解答
jizhihang/nndl.github.io
《神经网络与深度学习》 Neural Network and Deep Learning
jizhihang/nomeroff-net
Nomeroff Net. Automatic numberplate recognition system.
jizhihang/pixel-cnn-pp
Pytorch Implementation of OpenAI's PixelCNN++
jizhihang/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
jizhihang/pumpkin-book
《机器学习》(西瓜书)公式推导解析,在线阅读地址:https://datawhalechina.github.io/pumpkin-book
jizhihang/python-machine-learning-book-2nd-edition
The "Python Machine Learning (2nd edition)" book code repository and info resource
jizhihang/python3-in-one-pic
Learn python3 in one picture.
jizhihang/PyTorch-BigGraph
Software used for generating embeddings from large-scale graph-structured data.
jizhihang/pytorch-classification
Classification with PyTorch.
jizhihang/pytorch-cnn-visualizations
Pytorch implementation of convolutional neural network visualization techniques
jizhihang/Pytorch-Project-Template
A scalable template for PyTorch projects, with examples in Image Segmentation, Object classification, GANs and Reinforcement Learning.
jizhihang/pytorch_image_classification
PyTorch implementation of image classification models for CIFAR-10/CIFAR-100/MNIST/FashionMNIST/Kuzushiji-MNIST
jizhihang/Recommenders
Recommender Systems
jizhihang/Regularized-Linear-Autoencoders
Loss Landscapes of Regularized Linear Autoencoders
jizhihang/RiemannianCovDs
Riemannian covariance descriptors via covariance computation on the manifold of Gaussians for image set coding
jizhihang/satellite-image-deep-learning
Resources for performing deep learning on satellite imagery
jizhihang/sklearn-hierarchical-classification
Hierarchical classification module based on scikit-learn's interfaces
jizhihang/SPTAG
A distributed approximate nearest neighborhood search (ANN) library which provides a high quality vector index build, search and distributed online serving toolkits for large scale vector search scenario.
jizhihang/superpixPool
Superpixel Pooling implemented in PyTorch and Chainer
jizhihang/transformer_image_caption
Image Captioning based on Bottom-Up and Top-Down Attention model
jizhihang/visual-attribution
Pytorch Implementation of recent visual attribution methods for model interpretability
jizhihang/Visual-Phrases
jizhihang/wenzheng
ai challenger 2018细粒度情感分类第一名解决方案,统一使用tensorflow和pytorch的一个框架