blurry-mood's Stars
SystemErrorWang/White-box-Cartoonization
Official tensorflow implementation for CVPR2020 paper “Learning to Cartoonize Using White-box Cartoon Representations”
TianhongDai/reinforcement-learning-algorithms
This repository contains most of pytorch implementation based classic deep reinforcement learning algorithms, including - DQN, DDQN, Dueling Network, DDPG, SAC, A2C, PPO, TRPO. (More algorithms are still in progress)
rail-berkeley/rlkit
Collection of reinforcement learning algorithms
google-deepmind/mujoco
Multi-Joint dynamics with Contact. A general purpose physics simulator.
takuseno/d3rlpy
An offline deep reinforcement learning library
VilledeMontreal/urban-detection
thieu1995/mealpy
A Collection Of The State-of-the-art Metaheuristic Algorithms In Python (Metaheuristic/Optimizer/Nature-inspired/Biology)
lite-xl/lite-xl
A lightweight text editor written in Lua
lweitkamp/option-critic-pytorch
PyTorch implementation of the Option-Critic framework, Harb et al. 2016
miguelvr/trtserver-go
Serving a PyTorch model with Triton Inference Server and GoLang
tyui592/Real_Time_Helmet_Detection
Helmet Detector based on the CenterNet.
blurry-mood/Truss-optimization
Library implementing Genetic algorithm to find optimal truss structure.
pytorch/vision
Datasets, Transforms and Models specific to Computer Vision
microsoft/AirSim
Open source simulator for autonomous vehicles built on Unreal Engine / Unity, from Microsoft AI & Research
rafaelcostafrf/autonomous_quadrotor_environment
Autonomous Quadrotor 3D environment, based on python.
ydataai/ydata-quality
Data Quality assessment with one line of code
open-mmlab/mmdetection
OpenMMLab Detection Toolbox and Benchmark
ultralytics/yolov5
YOLOv5 🚀 in PyTorch > ONNX > CoreML > TFLite
theFoxofSky/ddfnet
The official implementation of the CVPR2021 paper: Decoupled Dynamic Filter Networks
blurry-mood/Distilled-Models
Library containing pretrained known models that are distilled.
triton-lang/triton
Development repository for the Triton language and compiler
blurry-mood/Deep-Learning-Blocks
A library with many customized PyTorch layers and architectures
tristandeleu/pytorch-meta
A collection of extensions and data-loaders for few-shot learning & meta-learning in PyTorch
yassouali/pytorch-segmentation
:art: Semantic segmentation models, datasets and losses implemented in PyTorch.
oneHuster/Meta-Learning-Papers
A classified list of meta learning papers based on realm.
bentoml/BentoML
The easiest way to serve AI apps and models - Build Model Inference APIs, Job queues, LLM apps, Multi-model pipelines, and more!
VainF/DeepLabV3Plus-Pytorch
Pretrained DeepLabv3 and DeepLabv3+ for Pascal VOC & Cityscapes
KinWaiCheuk/nnAudio
Audio processing by using pytorch 1D convolution network
PINTO0309/PINTO_model_zoo
A repository for storing models that have been inter-converted between various frameworks. Supported frameworks are TensorFlow, PyTorch, ONNX, OpenVINO, TFJS, TFTRT, TensorFlowLite (Float32/16/INT8), EdgeTPU, CoreML.
ZFTurbo/Weighted-Boxes-Fusion
Set of methods to ensemble boxes from different object detection models, including implementation of "Weighted boxes fusion (WBF)" method.