Zero-lll's Stars
li012589/NeuralWavelet
Implementation for the paper "Learning Non-linear Wavelet Transformation via Normalizing Flow"(arXiv:2101.11306)
yiusay/precomputed_radiance_transfer_and_relighting
Implementation of All-Frequency Shadows Using Non-linear Wavelet Lighting Approximation by Ren Ng et al.
graphdeco-inria/gaussian-splatting
Original reference implementation of "3D Gaussian Splatting for Real-Time Radiance Field Rendering"
kwea123/ngp_pl
Instant-ngp in pytorch+cuda trained with pytorch-lightning (high quality with high speed, with only few lines of legible code)
LiyuanLucasLiu/RAdam
On the Variance of the Adaptive Learning Rate and Beyond
hysts/pytorch_image_classification
PyTorch implementation of image classification models for CIFAR-10/CIFAR-100/MNIST/FashionMNIST/Kuzushiji-MNIST/ImageNet
kuangliu/pytorch-cifar
95.47% on CIFAR10 with PyTorch
weiaicunzai/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, WideResNet)
UniBester/AGE
A implementation of Attribute Group Editing for Reliable Few-shot Image Generation (CVPR 2022)
WZMIAOMIAO/deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
aladdinpersson/Machine-Learning-Collection
A resource for learning about Machine learning & Deep Learning
soumith/dcgan.torch
A torch implementation of http://arxiv.org/abs/1511.06434
bcmi/Awesome-Few-Shot-Image-Generation
A curated list of papers, code and resources pertaining to few-shot image generation.
luost26/diffusion-point-cloud
:thought_balloon: Diffusion Probabilistic Models for 3D Point Cloud Generation (CVPR 2021)
autonomousvision/giraffe
This repository contains the code for the CVPR 2021 paper "GIRAFFE: Representing Scenes as Compositional Generative Neural Feature Fields"
menzi11/BullshitGenerator
Needs to generate some texts to test if my GUI rendering codes good or not. so I made this.
Pang-Yatian/Point-MAE
[ECCV2022] Masked Autoencoders for Point Cloud Self-supervised Learning
microsoft/SpareNet
Style-based Point Generator with Adversarial Rendering for Point Cloud Completion (CVPR 2021)
hgpvision/darknet
darknet深度学习框架源码分析:详细中文注释,涵盖框架原理与实现语法分析
eriklindernoren/PyTorch-GAN
PyTorch implementations of Generative Adversarial Networks.
open-mmlab/mmcv
OpenMMLab Computer Vision Foundation
labmlai/annotated_deep_learning_paper_implementations
🧑🏫 60+ Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
Fafa-DL/Lhy_Machine_Learning
李宏毅2021/2022/2023春季机器学习课程课件及作业
gbstack/CVPR-2022-papers
CVPR 2022 papers with code (论文及代码)
jindongwang/transferlearning
Transfer learning / domain adaptation / domain generalization / multi-task learning etc. Papers, codes, datasets, applications, tutorials.-迁移学习
weslynn/AlphaTree-graphic-deep-neural-network
AI Roadmap:机器学习(Machine Learning)、深度学习(Deep Learning)、对抗神经网络(GAN),图神经网络(GNN),NLP,大数据相关的发展路书(roadmap), 并附海量源码(python,pytorch)带大家消化基本知识点,突破面试,完成从新手到合格工程师的跨越,其中深度学习相关论文附有tensorflow caffe官方源码,应用部分含推荐算法和知识图谱
mushroom-x/K210_Tutorial
K210基础入门教程 edit by Kyle阿凯
kendryte/kendryte-standalone-demo
Demo of kendryte k210 standalone SDK
kendryte/PaddlePi
PaddlePi
name-longming/stm32F407
在cubemx环境下,使用HAL库,封装的部分模块库,用于各种情况下直接调用,持续更新各类模块库,帮助初学者更快入门,少走弯路