tomas-lilingfeng's Stars
binary-husky/gpt_academic
为GPT/GLM等LLM大语言模型提供实用化交互接口,特别优化论文阅读/润色/写作体验,模块化设计,支持自定义快捷按钮&函数插件,支持Python和C++等项目剖析&自译解功能,PDF/LaTex论文翻译&总结功能,支持并行问询多种LLM模型,支持chatglm3等本地模型。接入通义千问, deepseekcoder, 讯飞星火, 文心一言, llama2, rwkv, claude2, moss等。
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, ... 🧠
JushBJJ/Mr.-Ranedeer-AI-Tutor
A GPT-4 AI Tutor Prompt for customizable personalized learning experiences.
Vision-CAIR/MiniGPT-4
Open-sourced codes for MiniGPT-4 and MiniGPT-v2 (https://minigpt-4.github.io, https://minigpt-v2.github.io/)
CompVis/latent-diffusion
High-Resolution Image Synthesis with Latent Diffusion Models
pycaret/pycaret
An open-source, low-code machine learning library in Python
openai/guided-diffusion
huggingface/diffusion-models-class
Materials for the Hugging Face Diffusion Models Course
huggingface/notebooks
Notebooks using the Hugging Face libraries 🤗
richzhang/PerceptualSimilarity
LPIPS metric. pip install lpips
openai/glide-text2im
GLIDE: a diffusion-based text-conditional image synthesis model
openai/improved-diffusion
Release for Improved Denoising Diffusion Probabilistic Models
open-mmlab/mmselfsup
OpenMMLab Self-Supervised Learning Toolbox and Benchmark
linhandev/dataset
医学影像数据集列表 『An Index for Medical Imaging Datasets』
amirhossein-kz/Awesome-Diffusion-Models-in-Medical-Imaging
Diffusion Models in Medical Imaging (Published in Medical Image Analysis Journal)
hysts/pytorch_image_classification
PyTorch implementation of image classification models for CIFAR-10/CIFAR-100/MNIST/FashionMNIST/Kuzushiji-MNIST/ImageNet
open-mmlab/playground
A central hub for gathering and showcasing amazing projects that extend OpenMMLab with SAM and other exciting features.
Project-MONAI/research-contributions
Implementations of recent research prototypes/demonstrations using MONAI.
caoyunkang/Segment-Any-Anomaly
Official implementation of "Segment Any Anomaly without Training via Hybrid Prompt Regularization (SAA+)".
Alpha-VL/ConvMAE
ConvMAE: Masked Convolution Meets Masked Autoencoders
zhwhong/lidc_nodule_detection
lidc nodule detection with CNN and LSTM network
codewithzichao/Machine_Learning_Code
《统计学习方法》与常见机器学习模型(GBDT/XGBoost/lightGBM/FM/FFM)的原理讲解与python和类库实现
apapiu/transformer_latent_diffusion
Text to Image Latent Diffusion using a Transformer core
cvlab-stonybrook/SelfMedMAE
Code for ISBI 2023 paper "Self Pre-training with Masked Autoencoders for Medical Image Classification and Segmentation"
funnyzhou/REFERS
shangqigao/BayeSeg
The official implementation of "Joint Modeling of Image and Label Statistics for Enhancing Model Generalizability of Medical Image Segmentation" via Pytorch
LiuTingWed/SAM-Not-Perfect
Segment Anything Is Not Always Perfect: An Investigation of SAM on Different Real-World Application
joh-fischer/PlantLDM
A latent diffusion model for visual synthesis of plant images.
CaptainWilliam/MTMR-NET
Code for 《Multi-Task Deep Learning with Margin Ranking Loss for Lung Nodule Analysis》
HaronCHou/fastai-notes
fastai part1 & part2 notes, part1的中文笔记来自其他作者对hiromis笔记的翻译,part2的中文笔记为英文笔记翻译而成