anglotx's Stars
dair-ai/ml-visuals
🎨 ML Visuals contains figures and templates which you can reuse and customize to improve your scientific writing.
pureyangcry/tools
ImgEnhance For Obejct Detection tool
state-spaces/mamba
Mamba SSM architecture
kynehc/clone_anonymous_github
clone/download repositories from https://anonymous.4open.science/
Thinklab-SJTU/Crossformer
Official implementation of our ICLR 2023 paper "Crossformer: Transformer Utilizing Cross-Dimension Dependency for Multivariate Time Series Forecasting"
zergtant/pytorch-handbook
pytorch handbook是一本开源的书籍,目标是帮助那些希望和使用PyTorch进行深度学习开发和研究的朋友快速入门,其中包含的Pytorch教程全部通过测试保证可以成功运行
jm199504/Financial-Time-Series
金融时间序列(预测分析 / 相似度 / 数据处理)
mlpotter/Transformer_Time_Series
Enhancing the Locality and Breaking the Memory Bottleneck of Transformer on Time Series Forecasting (NeurIPS 2019)
zhixuhao/unet
unet for image segmentation
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
gangweiX/Stoch-predict-with-Tranformer-LSTM
stock predict with MLP,CNN,RNN,LSTM,Transformer and Transformer-LSTM
TooTouch/MemSeg
Unofficial re-implementation of MemSeg for Anomaly Detection
opendilab/DI-engine
OpenDILab Decision AI Engine. The Most Comprehensive Reinforcement Learning Framework B.P.
microsoft/autogen
A programming framework for agentic AI 🤖
lm-sys/FastChat
An open platform for training, serving, and evaluating large language models. Release repo for Vicuna and Chatbot Arena.
chatchat-space/Langchain-Chatchat
Langchain-Chatchat(原Langchain-ChatGLM)基于 Langchain 与 ChatGLM, Qwen 与 Llama 等语言模型的 RAG 与 Agent 应用 | Langchain-Chatchat (formerly langchain-ChatGLM), local knowledge based LLM (like ChatGLM, Qwen and Llama) RAG and Agent app with langchain
THUDM/ChatGLM3
ChatGLM3 series: Open Bilingual Chat LLMs | 开源双语对话语言模型
zhile-io/pandora
潘多拉,一个让你呼吸顺畅的ChatGPT。Pandora, a ChatGPT client that lets you breathe freely.
davidfrz/yolov5_distance_count
使用yolov5,双目摄像头进行测距
CASIA-IVA-Lab/FastSAM
Fast Segment Anything
kbardool/Keras-frcnn
Keras Implementation of Faster R-CNN
facebookresearch/segment-anything
The repository provides code for running inference with the SegmentAnything Model (SAM), links for downloading the trained model checkpoints, and example notebooks that show how to use the model.
bubbliiiing/faster-rcnn-pytorch
这是一个faster-rcnn的pytorch实现的库,可以利用voc数据集格式的数据进行训练。
chaozhong2010/VHR-10_dataset_coco
Object detection and instance segmentation dataset for VHR remote sensing images further marked on the NWPU VHR-10 dataset and SSDD dataset according to the standard coco dataset.
JnuMxin/damaiAuto
基于python和selenium实现的大麦网自动刷新抢票脚本
MakiNaruto/Automatic_ticket_purchase
大麦网抢票脚本
CoderLeixiaoshuai/wuhan-IT
『武汉互联网』持续关注武汉互联网公司,帮助大家排坑,让一线浪子顺利回家
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
yangwohenmai/DeepLearningForTSF
深度学习以进行时间序列预测
anglotx/LSTM
基于LSTM的时间序列预测研究