Pinned Repositories
algorithom
darknet
YOLOv4 - Neural Networks for Object Detection (Windows and Linux version of Darknet )
graphhopper
Open source routing engine for OpenStreetMap. Use it as Java library or server.
Hyperspectral-Band-Selection
Thesis learning of《Hyperspectral Band Selection A review》
Object-Detection-Knowledge-Distillation
An Object Detection Knowledge Distillation framework powered by pytorch, now having SSD and yolov5.
Sal_project
A saliency project based on SalGAN for ML lesson
TransparentShapeReconstruction
vedai
vedai dataset for darknet
voc2coco
How to create custom COCO data set for object detection
YOLOv3v4-ModelCompression-MultidatasetTraining-Multibackbone
YOLO ModelCompression MultidatasetTraining
chenkeshuai's Repositories
chenkeshuai/Awesome-Knowledge-Distillation-for-CV
Awesome Knowledge-Distillation for CV
chenkeshuai/YOLOv3v4-ModelCompression-MultidatasetTraining-Multibackbone
YOLO ModelCompression MultidatasetTraining
chenkeshuai/salgan
SalGAN: Visual Saliency Prediction with Generative Adversarial Networks
chenkeshuai/pytorch-learning
chenkeshuai/ML-Class-Assignment
The assignment of machine learning course for post-graduates at BUAA EE, 2019.
chenkeshuai/Hyperspectral-Band-Selection
Thesis learning of《Hyperspectral Band Selection A review》
chenkeshuai/d2l-zh
《动手学深度学习》:面向中文读者、能运行、可讨论。英文版即伯克利“深度学习导论”教材。
chenkeshuai/data_ml
机器学习数据
chenkeshuai/deep_learning_object_detection
A paper list of object detection using deep learning.
chenkeshuai/Pytorch-Model-Acceleration
chenkeshuai/vedai
vedai dataset for darknet
chenkeshuai/TransparentShapeReconstruction
chenkeshuai/MINet
CVPR2020, Multi-scale Interactive Network for Salient Object Detection
chenkeshuai/eval-co-sod
PyTorch-Based Evaluation Tool for Co-Saliency Detection
chenkeshuai/TransparentShapeDatasetCreation
chenkeshuai/SmallObjectDetectionList
List of the Papers Addressing Vision-based Small Object Detection
chenkeshuai/Sal-CFS-GAN
TIP2019-GazeGAN Saliency Model
chenkeshuai/VisDrone-Dataset
The dataset for drone based detection and tracking is released, including both image/video, and annotations.
chenkeshuai/medium
Code base for medium articles
chenkeshuai/M2Det
M2Det: A Single-Shot Object Detector based on Multi-Level Feature Pyramid Network
chenkeshuai/PGAN-DNN
In this study, we propose Perceptual Generative Adversarial Networks (PGANs) for image-to-image transformations. Different from existing application driven algorithms, PGAN provides a generic framework of learning to map from input images to desired images, such as a rainy image to its de-rained counterpart, object edges to photos, and semantic labels to a scenes image. The proposed PAN consists of two feed-forward convolutional neural networks: the image transformation net- work T and the discriminative network D. Besides the generative adversarial loss widely used in GANs, we propose the perceptual adversarial loss, which undergoes an adversarial training process between the image transformation network T and the hidden layers of the discriminative network D. The hidden layers and the output of the discriminative network D are upgraded to constantly and automatically discover the discrepancy between the transformed image and the corresponding ground truth, while the image transformation network T is trained to minimize the discrepancy explored by the discriminative network D. Through integrating the generative adversarial loss and the perceptual adversarial loss, D and T can be trained alternately to solve image-to-image transformation tasks. Experiments evaluated on several image-to-image transformation tasks (e.g., image de- raining and image inpainting) demonstrate the effectiveness of the proposed PAN and its advantages over many existing works.
chenkeshuai/MLNet-Pytorch
Implementation of A Deep Multi-Level Network for Saliency Prediction in Pytorch
chenkeshuai/improc
image processing course on bioimphy research group
chenkeshuai/Sal_project
A saliency project based on SalGAN for ML lesson
chenkeshuai/warehouse
start from a rookie
chenkeshuai/PyTorch-UNet
PyTorch Implementation for Segmentation and Saliency Prediction
chenkeshuai/CapstoneProject_House_Prices_Prediction
Understand the relationships between various features in relation with the sale price of a house using exploratory data analysis and statistical analysis. Applied ML algorithms such as Multiple Linear Regression, Ridge Regression and Lasso Regression in combination with cross validation. Performed parameter tuning, compared the test scores and suggested a best model to predict the final sale price of a house. Seaborn is used to plot graphs and scikit learn package is used for statistical analysis.
chenkeshuai/ModelDistillation-PyTorch
PyTorch implementation of "Distilling the Knowledge in a Neural Network" for model compression
chenkeshuai/knowledge
一些关于日常学习的信息