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/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.
sunshiding/mmrazor
sunshiding/shap
A game theoretic approach to explain the output of any machine learning model.
sunshiding/DMVL
This is the code of the paper "Decoupled Representation for Multi-View Learning". The code will be sorted out later.
sunshiding/ADD
Python implementation of ADD: Frequency Attention and Multi-View based Knowledge Distillation to Detect Low-Quality Compressed Deepfake Images, AAAI2022.
sunshiding/awesome-multi-view-clustering
collections for advanced, novel multi-view clustering methods(papers , codes and datasets)
sunshiding/Awesome-VLP-and-Efficient-Transformer
Vision-Language Pretraining & Efficient Transformer Papers.
sunshiding/comp
Code for complementary-label learning.
sunshiding/Cross-Modality-Knowledge-Distillation-for-Multi-modal-Aerial-View-Object-Classification
sunshiding/EML
Knowledge distillation (KD) is an effective method for acquiring smaller networks exhibiting excellent performance in running on most common devices. Previous methods mainly use logits to realize KD; however, the rich knowledge contained in feature maps has not yet been fully utilized. To address this problem, we propose a novel online KD method—embedded mutual learning (EML). By embedding an adaptive fusion branch and ensemble classifier between two parallel sub-networks, EML uses logits as well as overall feature map distribution of the co-trained sub-networks to fully mine and utilize the implicit knowledge between networks. Specifically, EML is widely applicable to various sub-network combinations, comprising heterogeneous or homogeneous networks. We conduct experiments on three public datasets: CIFAR-10, CIFAR-100, and ImageNet, which prove that our method outperforms state-of-the-art KD methods.
sunshiding/ET-BERT
The repository of ET-BERT, a network traffic classification model on encrypted traffic. The work has been accepted as The Web Conference (WWW) 2022 accepted paper.
sunshiding/ExplainableML-Vision
This repository introduces different Explainable AI approaches and demonstrates how they can be implemented with PyTorch and torchvision. Used approaches are Class Activation Mappings, LIMA and SHapley Additive exPlanations.
sunshiding/fairlearn
A Python package to assess and improve fairness of machine learning models.
sunshiding/fast-transformers
Pytorch library for fast transformer implementations
sunshiding/giung2
sunshiding/mmsegmentation-distiller
This is a knowledge distillation toolbox based on mmsegmentation.
sunshiding/MTS-Net
sunshiding/PiCO
PyTorch implementation of PiCO https://arxiv.org/abs/2201.08984
sunshiding/Pytorch-Encrypted-Traffic-Classification-with-1D_CNN
论文Encrypted Traffic Classification with One-dimensional Convolution Neural Networks的torch实现
sunshiding/pytorch-segmentation
:art: Semantic segmentation models, datasets and losses implemented in PyTorch.
sunshiding/PyTorch_MNIST_CIFAR-10
Training MNIST with CNN and CIFAR-10 with ResNet-18 both in PyTorch.
sunshiding/RCML
Reliable Conflictive Multi-view Learning
sunshiding/SafetyBench
Official github repo for SafetyBench, a comprehensive benchmark to evaluate LLMs' safety.
sunshiding/SegLoss
A collection of loss functions for medical image segmentation
sunshiding/SSVS
Project page of the paper 'Self-Supervised Vessel Segmentation via Adversarial Learning'
sunshiding/TMC
The project page of paper: Trusted Multi-View Classification [ICLR'2021 paper]
sunshiding/TMDLO_AAAI
Trusted Multi-View Deep Learning with Opinion Aggregation
sunshiding/TransGAN
[Preprint] "TransGAN: Two Pure Transformers Can Make One Strong GAN, and That Can Scale Up", Yifan Jiang, Shiyu Chang, Zhangyang Wang
sunshiding/ucasthesis
LaTeX Thesis Template for the University of Chinese Academy of Sciences
sunshiding/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch