-
Transfer-Learning-Library Public
Forked from thuml/Transfer-Learning-LibraryTransfer Learning Library for Domain Adaptation, Task Adaptation, and Domain Generalization
Python MIT License UpdatedOct 1, 2022 -
Deep-Forest Public
Forked from LAMDA-NJU/Deep-ForestAn Efficient, Scalable and Optimized Python Framework for Deep Forest (2021.2.1)
Python Other UpdatedOct 1, 2022 -
PWPAE-Concept-Drift-Detection-and-Adaptation Public
Forked from Western-OC2-Lab/PWPAE-Concept-Drift-Detection-and-AdaptationData stream analytics: Implement online learning methods to address concept drift in data streams using the River library. Code for the paper entitled "PWPAE: An Ensemble Framework for Concept Drif…
Jupyter Notebook MIT License UpdatedAug 22, 2022 -
deep-learning-for-image-processing Public
Forked from WZMIAOMIAO/deep-learning-for-image-processingdeep learning for image processing including classification and object-detection etc.
Python GNU General Public License v3.0 UpdatedJul 14, 2022 -
Efficient-Segmentation-Networks Public
Forked from xiaoyufenfei/Efficient-Segmentation-NetworksLightweight models for real-time semantic segmentationon PyTorch (include SQNet, LinkNet, SegNet, UNet, ENet, ERFNet, EDANet, ESPNet, ESPNetv2, LEDNet, ESNet, FSSNet, CGNet, DABNet, Fast-SCNN, Cont…
Python MIT License UpdatedJun 21, 2022 -
stylegan2-pytorch Public
Forked from lucidrains/stylegan2-pytorchSimplest working implementation of Stylegan2, state of the art generative adversarial network, in Pytorch. Enabling everyone to experience disentanglement
Python MIT License UpdatedJan 27, 2022 -
pytorch-grad-cam Public
Forked from jacobgil/pytorch-grad-camMany Class Activation Map methods implemented in Pytorch for CNNs and Vision Transformers. Including Grad-CAM, Grad-CAM++, Score-CAM, Ablation-CAM and XGrad-CAM
Python MIT License UpdatedOct 9, 2021 -
pytorch-CycleGAN-and-pix2pix Public
Forked from junyanz/pytorch-CycleGAN-and-pix2pixImage-to-Image Translation in PyTorch
Python Other UpdatedJul 14, 2021 -
avalanche Public
Forked from ContinualAI/avalancheAvalanche: an End-to-End Library for Continual Learning.
Python MIT License UpdatedJun 30, 2021 -
computer-vision-in-action Public
Forked from Charmve/computer-vision-in-action《计算机视觉实战演练:算法与应用》中文电子书、源码、读者交流社区(更新中,可以先 star)
Jupyter Notebook Other UpdatedJun 6, 2021 -
class-incremental-learning Public
Forked from yaoyao-liu/class-incremental-learningPyTorch implementation of AANets (CVPR 2021) and Mnemonics Training (CVPR 2020)
Python MIT License UpdatedMay 14, 2021 -
awesome-semantic-segmentation Public
Forked from mrgloom/awesome-semantic-segmentation🤘 awesome-semantic-segmentation
UpdatedMay 8, 2021 -
Awesome-Incremental-Learning Public
Forked from xialeiliu/Awesome-Incremental-LearningAwesome Incremental Learning
UpdatedMay 6, 2021 -
handson-ml2 Public
Forked from ageron/handson-ml2A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2.
Jupyter Notebook Apache License 2.0 UpdatedMay 4, 2021 -
Awesome-pytorch-list Public
Forked from bharathgs/Awesome-pytorch-listA comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc.
UpdatedMay 2, 2021 -
SimpleCVReproduction Public
Forked from pprp/SimpleCVReproductionReproduce simple cv project including attention module, classification, object detection, segmentation, keypoint detection, tracking 😄 etc.
Python Apache License 2.0 UpdatedApr 27, 2021 -
CVPR2021-Papers-with-Code Public
Forked from amusi/CVPR2024-Papers-with-CodeCVPR 2021 论文和开源项目合集
UpdatedApr 26, 2021 -
online-continual-learning Public
Forked from RaptorMai/online-continual-learningA collection of online continual learning paper implementations for computer vision in PyTorch.
Python UpdatedApr 19, 2021 -
Awesome-Knowledge-Distillation Public
Forked from FLHonker/Awesome-Knowledge-DistillationAwesome Knowledge-Distillation. 分类整理的知识蒸馏paper(2014-2021)。
UpdatedApr 18, 2021 -
pymoo Public
Forked from anyoptimization/pymooNSGA2, NSGA3, R-NSGA3, MOEAD, Genetic Algorithms (GA), Differential Evolution (DE), CMAES, PSO
Python Apache License 2.0 UpdatedApr 14, 2021 -
pytorch_classification Public
Forked from lxztju/pytorch_classification利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Jupyter Notebook MIT License UpdatedApr 13, 2021 -
Dive-into-DL-PyTorch Public
Forked from ShusenTang/Dive-into-DL-PyTorch本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为PyTorch实现。
Jupyter Notebook Apache License 2.0 UpdatedApr 10, 2021 -
pytorch-book Public
Forked from chenyuntc/pytorch-bookPyTorch tutorials and fun projects including neural talk, neural style, poem writing, anime generation (《深度学习框架PyTorch:入门与实战》)
Jupyter Notebook MIT License UpdatedMar 14, 2021 -
PyTorch-GAN Public
Forked from eriklindernoren/PyTorch-GANPyTorch implementations of Generative Adversarial Networks.
Python MIT License UpdatedMar 3, 2021 -
scikit-multiflow Public
Forked from scikit-multiflow/scikit-multiflowA machine learning package for streaming data in Python. The other ancestor of River.
Python BSD 3-Clause "New" or "Revised" License UpdatedMar 1, 2021 -
Water-Quality-Anomaly-Detection Public
Forked from rishivar/Water-Quality-Anomaly-DetectionHybrid CNN-ELM implementation
Jupyter Notebook UpdatedJan 22, 2021 -
pyoselm Public
Forked from leferrad/pyoselmA Python implementation of Online Sequential Extreme Machine Learning (OS-ELM) for online machine learning
Python Apache License 2.0 UpdatedNov 14, 2020 -
Dive-into-DL-TensorFlow2.0 Public
Forked from TrickyGo/Dive-into-DL-TensorFlow2.0本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为TensorFlow 2.0实现,项目已得到李沐老师的认可
Jupyter Notebook Apache License 2.0 UpdatedNov 2, 2020 -
multiModalityFusionForClassification Public
Forked from woosual/multiModalityFusionForClassification多模态数据融合:为了完成多模态数据融合,首先利用VGG16网络和cifar10数据集完成多输入网络的分类,在VGG16的基础之上,将前三层特征提取网络作为不同输入的特征提取网络,在中间层进行特征拼接,后面的卷积层用于提取融合特征,最后加上全连接层。该网络稍作修改就能同时提取两张对应的图片作为输入,在特征提取之后进行融合用于分类。
Python BSD 2-Clause "Simplified" License UpdatedSep 25, 2020 -
Concrete_Crack_Segmentation Public
Forked from Subham2901/Concrete_Crack_SegmentationA Unet based modified architecture for crack detection
Jupyter Notebook MIT License UpdatedAug 12, 2020