2226171237's Stars
josephmisiti/awesome-machine-learning
A curated list of awesome Machine Learning frameworks, libraries and software.
aymericdamien/TensorFlow-Examples
TensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)
yunjey/pytorch-tutorial
PyTorch Tutorial for Deep Learning Researchers
open-mmlab/mmdetection
OpenMMLab Detection Toolbox and Benchmark
dennybritz/reinforcement-learning
Implementation of Reinforcement Learning Algorithms. Python, OpenAI Gym, Tensorflow. Exercises and Solutions to accompany Sutton's Book and David Silver's course.
zergtant/pytorch-handbook
pytorch handbook是一本开源的书籍,目标是帮助那些希望和使用PyTorch进行深度学习开发和研究的朋友快速入门,其中包含的Pytorch教程全部通过测试保证可以成功运行
ShusenTang/Dive-into-DL-PyTorch
本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为PyTorch实现。
datawhalechina/leedl-tutorial
《李宏毅深度学习教程》(李宏毅老师推荐👍,苹果书🍎),PDF下载地址:https://github.com/datawhalechina/leedl-tutorial/releases
ShangtongZhang/reinforcement-learning-an-introduction
Python Implementation of Reinforcement Learning: An Introduction
extreme-assistant/CVPR2024-Paper-Code-Interpretation
cvpr2024/cvpr2023/cvpr2022/cvpr2021/cvpr2020/cvpr2019/cvpr2018/cvpr2017 论文/代码/解读/直播合集,极市团队整理
facebookresearch/maskrcnn-benchmark
Fast, modular reference implementation of Instance Segmentation and Object Detection algorithms in PyTorch.
ljpzzz/machinelearning
My blogs and code for machine learning. http://cnblogs.com/pinard
wepe/MachineLearning
Basic Machine Learning and Deep Learning
dsgiitr/d2l-pytorch
This project reproduces the book Dive Into Deep Learning (https://d2l.ai/), adapting the code from MXNet into PyTorch.
erhwenkuo/deep-learning-with-keras-notebooks
Jupyter notebooks for using & learning Keras
maxpumperla/hyperas
Keras + Hyperopt: A very simple wrapper for convenient hyperparameter optimization
qubvel/efficientnet
Implementation of EfficientNet model. Keras and TensorFlow Keras.
njvisionpower/Safety-Helmet-Wearing-Dataset
Safety helmet wearing detect dataset, with pretrained model
wannabeOG/Mask-RCNN
A PyTorch implementation of the architecture of Mask RCNN
the-black-knight-01/Data-Science-Competitions
Goal of this repo is to provide the solutions of all Data Science Competitions(Kaggle, Data Hack, Machine Hack, Driven Data etc...).
chocoluffy/deep-recommender-system
key Deep Learning engineering tricks in recsys
uoguelph-mlrg/Cutout
2.56%, 15.20%, 1.30% on CIFAR10, CIFAR100, and SVHN https://arxiv.org/abs/1708.04552
xiadingZ/video-caption.pytorch
pytorch implementation of video captioning
facebookresearch/grounded-video-description
Video Grounding and Captioning
titu1994/keras-non-local-nets
Keras implementation of Non-local Neural Networks
KranthiGV/Pretrained-Show-and-Tell-model
This repository contains pretrained Show and Tell: A Neural Image Caption Generator implemented in Tensorflow.
kaszperro/slick-dnn
Tiny and elegant deep learning library
sitzikbs/netVLAD
netVLAD implementation in TensorFlow
tmadl/linear-SVM-on-top-of-CNN-example
Simple example showing how to use intermediate CNN layer activations as feature vectors for training a linear SVM, to create a custom image classifier
17Skye17/2019WAIC-hackthon-Garbage-Classification
1st Place Solution to 2019WAIC hackthon Garbage Classification Challenge