chunduri11's Stars
OverLordGoldDragon/keras-adamw
Keras/TF implementation of AdamW, SGDW, NadamW, Warm Restarts, and Learning Rate multipliers
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
yihongXU/deepMOT
Official Implementation of How To Train Your Deep Multi-Object Tracker (CVPR2020)
abhineet123/Deep-Learning-for-Tracking-and-Detection
Collection of papers, datasets, code and other resources for object tracking and detection using deep learning
Guanghan/ROLO
ROLO is short for Recurrent YOLO, aimed at simultaneous object detection and tracking
foolwood/DCFNet_pytorch
DCFNet: Discriminant Correlation Filters Network for Visual Tracking
katalinic/siammask
TensorFlow port of SiamMask
faizanahemad/FastNet
API layer built on tensorflow-2.0 for high performance and easy training
Hvass-Labs/TensorFlow-Tutorials
TensorFlow Tutorials with YouTube Videos
benedekrozemberczki/awesome-community-detection
A curated list of community detection research papers with implementations.
rlabbe/Kalman-and-Bayesian-Filters-in-Python
Kalman Filter book using Jupyter Notebook. Focuses on building intuition and experience, not formal proofs. Includes Kalman filters,extended Kalman filters, unscented Kalman filters, particle filters, and more. All exercises include solutions.
ageron/handson-ml2
A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2.
XiaoMi/mace
MACE is a deep learning inference framework optimized for mobile heterogeneous computing platforms.
ageron/tf2_course
Notebooks for my "Deep Learning with TensorFlow 2 and Keras" course
gsig/PyVideoResearch
A repository of common methods, datasets, and tasks for video research
gustavz/Mobile_Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow for Mobile Deployment
yu4u/cutout-random-erasing
Cutout / Random Erasing implementation, especially for ImageDataGenerator in Keras
CyberZHG/keras-bert
Implementation of BERT that could load official pre-trained models for feature extraction and prediction
facebookresearch/XLM
PyTorch original implementation of Cross-lingual Language Model Pretraining.
pliang279/awesome-multimodal-ml
Reading list for research topics in multimodal machine learning
zihangdai/xlnet
XLNet: Generalized Autoregressive Pretraining for Language Understanding
spatialaudio/sfa-numpy
NumPy/Python toolbox for sound field analysis
carpedm20/ENAS-pytorch
PyTorch implementation of "Efficient Neural Architecture Search via Parameters Sharing"
keunwoochoi/kapre
kapre: Keras Audio Preprocessors
zsef123/EfficientNets-PyTorch
A PyTorch implementation of " EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks."
betatim/vscode-binder
VS Code on Binder
ajbrock/BigGAN-PyTorch
The author's officially unofficial PyTorch BigGAN implementation.
lutzroeder/netron
Visualizer for neural network, deep learning and machine learning models
xuanjihe/speech-emotion-recognition
speech emotion recognition using a convolutional recurrent networks based on IEMOCAP
RayanWang/Speech_emotion_recognition_BLSTM
Bidirectional LSTM network for speech emotion recognition.