Pinned Repositories
01_ModelPerformance
Bayesian model performance measurement
adsb-attack-simulation
Sourcecode for the simulation of ADS-B attacks
Amazon-Forest-Computer-Vision
Amazon Forest Computer Vision: Satellite Image tagging code using PyTorch / Keras with lots of PyTorch tricks
bayesian-machine-learning
Notebooks about Bayesian methods for machine learning
bayesian-neural-network-mnist
Bayesian neural network using Pyro and PyTorch on MNIST dataset
bindsnet
Simulation of spiking neural networks (SNNs) using PyTorch.
CD_NR_ELM
The matlab code for the JARS16 paper "Change Detection from Synthetic Aperture Radar Images Based on Neighborhood-Based Ratio and Extreme Learning Machine"
CD_PCANET
The matlab code for the GRSL16 paper "Automatic Change Detection in Synthetic Aperture Radar Images Based on PCANet"
CRPM-Net
PolSAR Image Classification Based on Dilated Convolution and Pixel-Refining Mapping Network in Complex Domain
pumpkin-book
《机器学习》(西瓜书)公式推导解析,在线阅读地址:https://datawhalechina.github.io/pumpkin-book
tandachi's Repositories
tandachi/CD_NR_ELM
The matlab code for the JARS16 paper "Change Detection from Synthetic Aperture Radar Images Based on Neighborhood-Based Ratio and Extreme Learning Machine"
tandachi/Amazon-Forest-Computer-Vision
Amazon Forest Computer Vision: Satellite Image tagging code using PyTorch / Keras with lots of PyTorch tricks
tandachi/CD_PCANET
The matlab code for the GRSL16 paper "Automatic Change Detection in Synthetic Aperture Radar Images Based on PCANet"
tandachi/cnn-svm
An Architecture Combining Convolutional Neural Network (CNN) and Linear Support Vector Machine (SVM) for Image Classification
tandachi/CV-CNN
tandachi/deepbayes-2018
Seminars DeepBayes Summer School 2018
tandachi/Ensemble-Methods-for-Image-Classification
In this project, I implemented several ensemble methods (including bagging, AdaBoost, SAMME, stacking, snapshot ensemble) for a normal CNN model and Residual Neural Network.
tandachi/G2DPCA_demo_1
Scripts for the paper: Generalized 2-D principal component analysis by Lp-norm for image analysis.
tandachi/GNN
Grokking Neural Networks
tandachi/gnn_few_shot_cifar100
This is the PyTorch-0.4.0 implementation of few-shot learning on CIFAR-100 with graph neural networks (GNN)
tandachi/Grammatical-facial-expression-recognition
Recognizing grammatical facial expressions using customized deep neural network architecture
tandachi/graph-cnn-MNIST
tandachi/handong1587.github.io
tandachi/Keras
In Repository you can find various problem solved using Deep learning algorithm like Artificial Neural Network,Convolutional Neural network,Recurrent Neural Network, AutoEncoder with Keras
tandachi/keras-non-local-nets
Keras implementation of Non-local Neural Networks
tandachi/keras_learning
tandachi/Label-embeddings-in-image-classification
Convolutional Neural Networks (CNNs) are being widely used for various tasks in Computer Vision. We focus on the task of image classification particularly using CNNs with more focus on the relation or similarity between class labels. The similarity between labels is judged using label word embeddings and incorporated into the loss layer. We propose that shallower networks be learnt with more complex and structured losses, in order to gain from shorter training time and equivalent complexity. We train two variants of CNNs with multiple architectures , all limited to a maximum of ten convolution layers to obtain an accuracy of 93.27% on the Fashion-MNIST dataset and 86.40% on the CIFAR 10 dataset. We further probe the adversarial robustness of the model as well the classspecific behavior by visualizing the class confusion matrix.We also show some preliminary results towards extending a trained variant to zero-shot learning.
tandachi/labelSmoothing
Regularizing NN Using Label Smoothing on MNIST and GTSRB Datasets
tandachi/MyDeepMetric
An implementation of "Semantic Instance Segmentation via Deep Metric Learning" with tensorflow
tandachi/PyTorch-Spectral-clustering
[Under development]- Implementation of various methods for dimensionality reduction and spectral clustering implemented with Pytorch
tandachi/pytorch_sparse_collab_filt
Collaborative filtering in pytorch using sparse tensors
tandachi/rnn2d
CPU and GPU implementations of some 2D RNN layers
tandachi/Satellite-Segmentation
tandachi/SpectralNet
Deep network that performs spectral clustering