Pinned Repositories
cca_zoo
Canonical Correlation Analysis Zoo: CCA, GCCA, MCCA, DCCA, DGCCA, DVCCA, DCCAE, KCCA and regularised variants
cca_zoo-1
Canonical Correlation Analysis Model Zoo: Standard: CCA, GCCA, MCCA, TCCA, KCCA, TKCCA, sparse CCA , ridge CCA and elastic CCA, PMD, PLS. Deep: DCCA, DMCCA, DGCCA, DTCCA. DVCCA, DCCAE, SplitAE. Probabilistic: VBCCCA. With simulated data generation and toy datasets.
DMVL
This is the code of the paper "Decoupled Representation for Multi-View Learning". The code will be sorted out later.
Incomplete-multi-view-clustering
Ing
M3DNS
Source Code of Semi-Supervised Multi-Modal Multi-Instance Multi-Label Deep Network with Optimal Transport
MIL-nature-medicine-2019
ML-Finance
Calculate technical indicators from historical stock data Create features and targets out of the historical stock data. Prepare features for linear models, xgboost models, and neural network models. Use linear models, decision trees, random forests, and neural networks to predict the future price of stocks in the US markets. Evaluate performance of the models in order to optimize them Get predictions with enough accuracy to make a stock trading strategy profitable.
mmrazor
mmt
Multi-Modal Transformer for Video Retrieval
ssd-pytorch-custom
Single-Shot Multibox Detector Implementation in PyTorch for VOC, COCO and Custom Data (WIP)
sunshiding's Repositories
sunshiding/PytorchInsight
a pytorch lib with state-of-the-art architectures, pretrained models and real-time updated results
sunshiding/Non-local_pytorch
Implementation of Non-local Block.
sunshiding/MSRPAN
MSRPAN: A Multiscale Residual Pyramid Attention Network for Medical Image Fusion
sunshiding/Face_Recognize
ArcFace pytorch
sunshiding/prepare_detection_dataset
convert dataset to coco/voc format
sunshiding/MultiResUNet
sunshiding/InsightFace_Pytorch
Pytorch0.4.1 codes for InsightFace
sunshiding/Shrec2018_TripletCenterLoss.pytorch
Triplet Center Loss for Shape Retrieval
sunshiding/HPFN
Deep Multimodal Multilinear Fusion with High-order Polynomial Pooling
sunshiding/Inceptionv4_and_Inception-ResNetv2.PyTorch
A PyTorch implementation of Inception-v4 and Inception-ResNet-v2.
sunshiding/DMC
Code for Deep Multimodal Clustering (CVPR2019)
sunshiding/M3DNS
Source Code of Semi-Supervised Multi-Modal Multi-Instance Multi-Label Deep Network with Optimal Transport
sunshiding/facenet
FaceNet for face recognition using pytorch
sunshiding/fair-sslime
FAIR Self-Supervised Learning Integrated Multi-modal Environment (SSLIME)
sunshiding/deep-learning-benchmark
Deep Learning Benchmark for comparing the performance of DL frameworks, GPUs, and single vs half precision
sunshiding/mvdata
Data sets for multi-view learning.
sunshiding/MvLDAN
Multi-view Linear Discriminant Analysis Network (Keras&Theano Code)
sunshiding/pytorch-fcn
PyTorch Implementation of Fully Convolutional Networks. (Training code to reproduce the original result is available.)
sunshiding/dscnn
sunshiding/plot_metric
Python package to simplify plotting of metric like ROC curve, confusion matrix etc..
sunshiding/pytorch-cifar100
Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet)
sunshiding/mmdetection-annotated
mmdetection源码注释
sunshiding/arcface-pytorch
sunshiding/Tencent2019_Finals_Rank1st
2019腾讯广告算法大赛完整代码(冠军)
sunshiding/brats_segmentation-pytorch
3d unet + vae, repoduce brats2018 winner solution
sunshiding/medicaltorch
A medical imaging framework for Pytorch
sunshiding/Grad-CAM.pytorch
pytorch实现Grad-CAM和Grad-CAM++,可以可视化任意分类网络的Class Activation Map (CAM)图,包括自定义的网络;欢迎试用、关注并反馈问题...
sunshiding/multi-view
sunshiding/medicaldetectiontoolkit
The Medical Detection Toolkit contains 2D + 3D implementations of prevalent object detectors such as Mask R-CNN, Retina Net, Retina U-Net, as well as a training and inference framework focused on dealing with medical images.
sunshiding/Grad_CAM_Pytorch-1.01
CNN可视化代码,帮助了解建立GradCam过程, 代码中文注解