wwb132559's Stars
goodfeli/adversarial
Code and hyperparameters for the paper "Generative Adversarial Networks"
HaoUNSW/PISA
liaoyuhua/LLM4TS
Large Language & Foundation Models for Time Series.
liuxu77/UniTime
UniTime: A Language-Empowered Unified Model for Cross-Domain Time Series Forecasting (WWW 2024)
DAMO-DI-ML/NeurIPS2023-One-Fits-All
The official code for "One Fits All: Power General Time Series Analysis by Pretrained LM (NeurIPS 2023 Spotlight)"
DC-research/TEMPO
The official code for "TEMPO: Prompt-based Generative Pre-trained Transformer for Time Series Forecasting (ICLR 2024)". TEMPO is one of the very first open source Time Series Foundation Models for forecasting task v1.0 version.
amazon-science/chronos-forecasting
Chronos: Pretrained Models for Probabilistic Time Series Forecasting
ngruver/llmtime
KimMeen/Time-LLM
[ICLR 2024] Official implementation of " 🦙 Time-LLM: Time Series Forecasting by Reprogramming Large Language Models"
CASIA-IVA-Lab/AnomalyGPT
[AAAI 2024 Oral] AnomalyGPT: Detecting Industrial Anomalies Using Large Vision-Language Models
RUCAIBox/LLMSurvey
The official GitHub page for the survey paper "A Survey of Large Language Models".
Lightning-AI/litgpt
20+ high-performance LLMs with recipes to pretrain, finetune and deploy at scale.
liguodongiot/llm-action
本项目旨在分享大模型相关技术原理以及实战经验(大模型工程化、大模型应用落地)
open-mmlab/mmselfsup
OpenMMLab Self-Supervised Learning Toolbox and Benchmark
google-research/simclr
SimCLRv2 - Big Self-Supervised Models are Strong Semi-Supervised Learners
sthalles/SimCLR
PyTorch implementation of SimCLR: A Simple Framework for Contrastive Learning of Visual Representations
citisy/MachineLearning
ML about cluster, regression, classification, and so on. As a playground. Just for fun.
mubaris/friendly-fortnight
:wolf: K-Means Clustering using Python from Scratch :mushroom:
stuntgoat/kmeans
K Means Clustering with Python
haoyuhu/cluster-analysis
K-Means++(HCM), Fuzzy C-Means(FCM), Hierarchical Clustering, DBscan
zhoushengisnoob/DeepClustering
Methods and Implements of Deep Clustering
nicodv/kmodes
Python implementations of the k-modes and k-prototypes clustering algorithms, for clustering categorical data
yueliu1999/Awesome-Deep-Graph-Clustering
Awesome Deep Graph Clustering is a collection of SOTA, novel deep graph clustering methods (papers, codes, and datasets).
guigrpa/timm
Immutability helpers with fast reads and acceptable writes
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
google-research/vision_transformer
microsoft/Swin-Transformer
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".
IBM/CrossViT
Official implementation of CrossViT. https://arxiv.org/abs/2103.14899
lucidrains/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
zihangJiang/TokenLabeling
Pytorch implementation of "All Tokens Matter: Token Labeling for Training Better Vision Transformers"