blacksun-V
I am a Chinese student, 20 years old, I like write codes, and want to learn more new technoledge.^_^
Pinned Repositories
ai-edu
AI education materials for Chinese students, teachers and IT professionals.
ai_code_reader
AI项目阅读器 by渡码
c-algorithms
A library of common data structures and algorithms written in C.
Computer-Architecture-Task-2
Riscv32 CPU Project
DeepLearningNote
this is all of my code and data with my deep learning note
Infusion-management-system-Arduino-Qt
QT c++ 下位机 服务器 客户端
mlflow
Open source platform for the machine learning lifecycle
pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
redis-3.0-annotated
带有详细注释的 Redis 3.0 代码(annotated Redis 3.0 source code)。
xv6-chinese
中文版的 MIT xv6 文档
blacksun-V's Repositories
blacksun-V/ai_code_reader
AI项目阅读器 by渡码
blacksun-V/annotated_deep_learning_paper_implementations
🧑🏫 50! Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
blacksun-V/awesome-multimodal-ml
Reading list for research topics in multimodal machine learning
blacksun-V/awesome-weakly-supervised-semantic-segmentation
Awesome weakly-supervised image semantic segmentation;scribble supervision,bounding box supervision, point supervision, image-level class supervision
blacksun-V/bcc
BCC - Tools for BPF-based Linux IO analysis, networking, monitoring, and more
blacksun-V/chat-gpt-google-extension
A browser extension to display ChatGPT response alongside Google Search results
blacksun-V/ConvMAE
ConvMAE: Masked Convolution Meets Masked Autoencoders
blacksun-V/DeepLabV3Plus-Pytorch
Pretrained DeepLabv3 and DeepLabv3+ for Pascal VOC & Cityscapes
blacksun-V/DenoisingDiffusionProbabilityModel-ddpm-
扩散模型This may be the simplest implement of DDPM. You can directly run Main.py to train the UNet on CIFAR-10 dataset and see the amazing process of denoising.
blacksun-V/eth_driver
网络设备驱动
blacksun-V/image_registration
基于opencv的图像识别基础库
blacksun-V/libbpf-starter-template
Template designed to get new developers with libbpf development.
blacksun-V/LibFewShot
小样本学习库LibFewShot: A Comprehensive Library for Few-shot Learning.
blacksun-V/linux-insides-zh
Linux 内核揭秘
blacksun-V/linux_kernel_wiki
linux内核学习资料:200+经典内核文章,100+内核论文,50+内核项目,500+内核面试题,80+内核视频
blacksun-V/MAE
PyTorch implementation of Masked Autoencoder
blacksun-V/Markdown-Notes
一些笔记
blacksun-V/MIPS-simulator
Simple simulator of MIPS CPU written in Verilog
blacksun-V/nngen
扩散模型
blacksun-V/py_image_registration
图像配准算法。包括 SIFT、ORB、SURF、AKAZE、BRIEF、matchTemplate
blacksun-V/pytorch-cifar100
这是一个在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)
blacksun-V/Pytorch-UNet
PyTorch implementation of the U-Net for image semantic segmentation with high quality images
blacksun-V/RGBT
flir 数据集标签yolo
blacksun-V/riscv-soc-book
关于RISC-V你所需要知道的一切
blacksun-V/STM32-
blacksun-V/TarDAL
CVPR 2022 | Target-aware Dual Adversarial Learning and a Multi-scenario Multi-Modality Benchmark to Fuse Infrared and Visible for Object Detection.
blacksun-V/Thermal-infrared-object-detection
a simple repo for some references about thermal infrared object detection
blacksun-V/thorough-pytorch
PyTorch入门教程,在线阅读地址:https://datawhalechina.github.io/thorough-pytorch/
blacksun-V/xv6-public
xv6 OS
blacksun-V/yolov7_custom_data_trainig
yolov7 train on custom data