shisantaibao's Stars
tsyw/MachineLearningNotes
My personal notes
zhulei227/ML_Notes
机器学习算法的公式推导以及numpy实现
pprp/SimpleCVReproduction
Replication of simple CV Projects including attention, classification, detection, keypoint detection, etc.
ZhangPHEngr/Kalman-in-MOT
使用卡尔曼滤波进行图像处理中的多目标跟踪,其中使用最大权值匹配进行数据关联
TommyZihao/MMTracking_Tutorials
Jupyter notebook tutorials for MMTracking
liuchangji/kalman-filter-in-single-object-tracking
A simple implementation of Kalman filter in single object tracking
open-mmlab/mmtracking
OpenMMLab Video Perception Toolbox. It supports Video Object Detection (VID), Multiple Object Tracking (MOT), Single Object Tracking (SOT), Video Instance Segmentation (VIS) with a unified framework.
fregu856/ebms_regression
Official implementation of "Energy-Based Models for Deep Probabilistic Regression" (ECCV 2020) and "How to Train Your Energy-Based Model for Regression" (BMVC 2020).
DowellChan/ResNetRegression
optimal deep residual regression model
Doobrovskiy/depthwiseconv1d
Keras 1D Depthwise Convolutional layer
philipperemy/keras-tcn
Keras Temporal Convolutional Network.
PatientEz/CNN-BiLSTM-Attention-Time-Series-Prediction_Keras
CNN+BiLSTM+Attention Multivariate Time Series Prediction implemented by Keras
ningshixian/LSTM_Attention
attention-based LSTM/Dense implemented by Keras
leondgarse/keras_cv_attention_models
Keras beit,caformer,CMT,CoAtNet,convnext,davit,dino,efficientdet,edgenext,efficientformer,efficientnet,eva,fasternet,fastervit,fastvit,flexivit,gcvit,ghostnet,gpvit,hornet,hiera,iformer,inceptionnext,lcnet,levit,maxvit,mobilevit,moganet,nat,nfnets,pvt,swin,tinynet,tinyvit,uniformer,volo,vanillanet,yolor,yolov7,yolov8,yolox,gpt2,llama2, alias kecam
philipperemy/keras-attention
Keras Attention Layer (Luong and Bahdanau scores).
open-mmlab/mmaction2
OpenMMLab's Next Generation Video Understanding Toolbox and Benchmark
sunnyxiaohu/R-C3D.pytorch
R-C3D pytorch implementation
facebookresearch/SlowFast
PySlowFast: video understanding codebase from FAIR for reproducing state-of-the-art video models.
huawei-noah/Efficient-AI-Backbones
Efficient AI Backbones including GhostNet, TNT and MLP, developed by Huawei Noah's Ark Lab.
fire717/movenet.pytorch
A Pytorch implementation of MoveNet from Google. Include training code and pre-trained model.
fengdu78/Coursera-ML-AndrewNg-Notes
吴恩达老师的机器学习课程个人笔记
XIAOWU-DESIGN/Machine-learning-in-action
This is one of my study notes. It contains ten classic data mining algorithms as well as other classic algorithms. C4.5, k-Means, SVM, Apriori, EM, PageRank, AdaBoost, kNN, Naive Bayes, CART, LDA, Regression model, etc.
CVHub520/Convolution
shanglianlm0525/PyTorch-Networks
Pytorch implementation of cnn network
sekilab/RoadDamageDetector
hyh1750522171/bigData
大数据比赛项目库
amusi/CVPR2024-Papers-with-Code
CVPR 2024 论文和开源项目合集
microsoft/DynamicHead
zju3dv/LoFTR
Code for "LoFTR: Detector-Free Local Feature Matching with Transformers", CVPR 2021, T-PAMI 2022
Adnios/Tensorflow
B站课程代码