Orient94's Stars
aladdinpersson/Machine-Learning-Collection
A resource for learning about Machine learning & Deep Learning
bigmb/Unet-Segmentation-Pytorch-Nest-of-Unets
Implementation of different kinds of Unet Models for Image Segmentation - Unet , RCNN-Unet, Attention Unet, RCNN-Attention Unet, Nested Unet
ViTAE-Transformer/ViTAE-Transformer-Remote-Sensing
A comprehensive list [SAMRS@NeurIPS'23, RVSA@TGRS'22, RSP@TGRS'22] of our research works related to remote sensing, including papers, codes, and citations. Note: The repo for [TGRS'22] "An Empirical Study of Remote Sensing Pretraining" has been moved to: https://github.com/ViTAE-Transformer/RSP
huggingface/pytorch-image-models
The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNetV4, MobileNet-V3 & V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more
ecmwf-lab/ai-models-panguweather
Bob05757/Renewable-energy-generation-input-feature-variables-analysis
eracah/hur-detect
Deep Semi-Supervised Object Detection for Extreme Weather Events
vincen-github/mlimpl
This repository collects some codes that encapsulates commonly used algorithms in the field of machine learning. Most of them are based on Numpy, Pandas or Torch. You can deepen your understanding to related model and algorithm or revise it to get the customized code belongs yourself by referring to this repository.
wflying000/seq2seq_with_attention
liguodongiot/llm-action
本项目旨在分享大模型相关技术原理以及实战经验(大模型工程化、大模型应用落地)
microsoft/LMOps
General technology for enabling AI capabilities w/ LLMs and MLLMs
ChatGPTNextWeb/ChatGPT-Next-Web
A cross-platform ChatGPT/Gemini UI (Web / PWA / Linux / Win / MacOS). 一键拥有你自己的跨平台 ChatGPT/Gemini 应用。
he-y/Awesome-Pruning
A curated list of neural network pruning resources.
zlxy9892/ST-CausalConvNet
A spatiotemporal causal convolutional network for predicting PM2.5 concentrations.
alibaba/TinyNeuralNetwork
TinyNeuralNetwork is an efficient and easy-to-use deep learning model compression framework.
PaddlePaddle/PaddleSlim
PaddleSlim is an open-source library for deep model compression and architecture search.
quic/aimet
AIMET is a library that provides advanced quantization and compression techniques for trained neural network models.
microsoft/nni
An open source AutoML toolkit for automate machine learning lifecycle, including feature engineering, neural architecture search, model compression and hyper-parameter tuning.
THU-MIG/torch-model-compression
针对pytorch模型的自动化模型结构分析和修改工具集,包含自动分析模型结构的模型压缩算法库
j-marple-dev/model_compression
PyTorch Model Compression
open-mmlab/mmrazor
OpenMMLab Model Compression Toolbox and Benchmark.
666DZY666/micronet
micronet, a model compression and deploy lib. compression: 1、quantization: quantization-aware-training(QAT), High-Bit(>2b)(DoReFa/Quantization and Training of Neural Networks for Efficient Integer-Arithmetic-Only Inference)、Low-Bit(≤2b)/Ternary and Binary(TWN/BNN/XNOR-Net); post-training-quantization(PTQ), 8-bit(tensorrt); 2、 pruning: normal、regular and group convolutional channel pruning; 3、 group convolution structure; 4、batch-normalization fuse for quantization. deploy: tensorrt, fp32/fp16/int8(ptq-calibration)、op-adapt(upsample)、dynamic_shape
Tencent/PocketFlow
An Automatic Model Compression (AutoMC) framework for developing smaller and faster AI applications.
tommyMessi/crnn_ctc-centerloss
ctcloss + centerloss crnn text recognition
ko-nlp/Korpora
Korean corpus repository
MingSun-Tse/Efficient-Deep-Learning
Collection of recent methods on (deep) neural network compression and acceleration.
alvinwan/shiftresnet-cifar
ResNet with Shift, Depthwise, or Convolutional Operations for CIFAR-100, CIFAR-10 on PyTorch
lavendelion/YOLOv1-from-scratch
YOLOv1-from-scratch
WZMIAOMIAO/deep-learning-for-image-processing
deep learning for image processing including classification and object-detection etc.
thuml/predrnn-pytorch
Official implementation for NIPS'17 paper: PredRNN: Recurrent Neural Networks for Predictive Learning Using Spatiotemporal LSTMs.