Pinned Repositories
DALI
A GPU-accelerated library containing highly optimized building blocks and an execution engine for data processing to accelerate deep learning training and inference applications.
a-PyTorch-Tutorial-to-Image-Captioning
Show, Attend, and Tell | a PyTorch Tutorial to Image Captioning
Awesome-pytorch-list
A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc.
bottom-up-attention
Bottom-up attention model for image captioning and VQA, based on Faster R-CNN and Visual Genome
captionGen
Generate captions for an image using PyTorch
coco-caption
conv_arithmetic
A technical report on convolution arithmetic in the context of deep learning
fsdl-full-stack-stable-diffusion-2022
server
The Triton Inference Server provides an optimized cloud and edge inferencing solution.
okanlv's Repositories
okanlv/fsdl-full-stack-stable-diffusion-2022
okanlv/a-PyTorch-Tutorial-to-Image-Captioning
Show, Attend, and Tell | a PyTorch Tutorial to Image Captioning
okanlv/Awesome-pytorch-list
A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc.
okanlv/coco-caption
okanlv/crnn-audio-classification
UrbanSound classification using Convolutional Recurrent Networks in PyTorch
okanlv/darknet
Convolutional Neural Networks
okanlv/deploy-pytorch-model
okanlv/faster-rcnn.pytorch
A faster pytorch implementation of faster r-cnn
okanlv/Frag
Code for NIPS 2018 paper 'Frequency-Agnostic Word Representation'
okanlv/generative-models
Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow.
okanlv/iou-tracker
Python implementation of the IOU Tracker
okanlv/kaggle-freesound-audio-tagging
8th place solution (on Kaggle) to the Freesound General-Purpose Audio Tagging Challenge (DCASE 2018 - Task 2)
okanlv/keras-yolo3
Training and Detecting Objects with YOLO3
okanlv/markdown-cheatsheet
Markdown Cheatsheet for Github Readme.md
okanlv/merlin
This is now the official location of the Merlin project.
okanlv/netron
Visualizer for deep learning and machine learning models
okanlv/person-reid-triplet-loss-baseline
Rank-1 89% (Single Query) on Market1501 with raw triplet loss, In Defense of the Triplet Loss for Person Re-Identification, using Pytorch
okanlv/Person_reID_baseline_pytorch
A tiny, friendly, strong pytorch implement of person re-identification baseline. Tutorial 👉https://github.com/layumi/Person_reID_baseline_pytorch/tree/master/tutorial
okanlv/py-motmetrics
:bar_chart: Benchmark multiple object trackers (MOT) in Python
okanlv/pytorch-CycleGAN-and-pix2pix
Image-to-image translation in PyTorch (e.g., horse2zebra, edges2cats, and more)
okanlv/PyTorch-GAN
PyTorch implementations of Generative Adversarial Networks.
okanlv/pytorch-yolo-v3
A PyTorch implementation of the YOLO v3 object detection algorithm
okanlv/PyTorch-YOLOv3
Minimal PyTorch implementation of YOLOv3
okanlv/pytorch_memonger
Experimental ground for optimizing memory of pytorch models
okanlv/Ranked_Person_ReID
Person reID
okanlv/reid-strong-baseline
Bag of Tricks and A Strong Baseline for Deep Person Re-identification
okanlv/the-incredible-pytorch
The Incredible PyTorch: a curated list of tutorials, papers, projects, communities and more relating to PyTorch.
okanlv/Yolo-digit-detector
Implemented digit detector in natural scene using resnet50 and Yolo-v2. I used SVHN as the training set, and implemented it using tensorflow and keras.
okanlv/yolo3
Yolov3 implementation in pytorch
okanlv/yolov3
YOLOv3: Training and inference in PyTorch