Pinned Repositories
3D_Object_Seg_CNN
3D object segmentation using parameter estimation.
Autonomous-Mobile-Robot-Welderr
cleanflight
Clean-code version of the baseflight flight controller firmware
Heart-Rate-monitoring-system
Heart Rate monitoring system using Photoplethysmography (PPG)
object_tracking_particle_filter
ofxDarknet
darknet neural network addon for openFrameworks
random
rrt_cpp_pr2
RRT Implimentation for PR2 serial manipulator
rrtConnect_pr2
pr2 mp using rrt connect 7DOF
svhn_tensorrt_python
svhn classification for SVHN using python package for tensorrt
adityag6994's Repositories
adityag6994/object_tracking_particle_filter
adityag6994/Heart-Rate-monitoring-system
Heart Rate monitoring system using Photoplethysmography (PPG)
adityag6994/random
adityag6994/svhn_tensorrt_python
svhn classification for SVHN using python package for tensorrt
adityag6994/a_star_practise
astar_practise_for_cpp_coding
adityag6994/CDA
Constrained Domain Adaptation for Segmentation
adityag6994/code_prepration
code uploads while code prep
adityag6994/continual-learning
PyTorch implementation of various methods for continual learning (XdG, EWC, online EWC, SI, LwF, GR, GR+distill, RtF, ER, A-GEM, iCaRL).
adityag6994/DeepLearningTechniques_2D
a collection of deep learning techniques with my understandings
adityag6994/detect-it-challenge
test potential developers for knowledge and general development skills
adityag6994/evalaute_yolo_output
evaluate output from yolo, using nms and get iou using gt's
adityag6994/Extracting-Author-s-Characteristic-given-an-Excerpt
adityag6994/Faster-Grad-CAM
Faster and more precisely than Grad-CAM
adityag6994/jetson-inference
Hello AI World guide to deploying deep-learning inference networks and deep vision primitives with TensorRT and NVIDIA Jetson.
adityag6994/librealsense
Intel® RealSense™ SDK
adityag6994/opencv_contrib
Repository for OpenCV's extra modules
adityag6994/pytorch-ssd
MobileNetV1, MobileNetV2, VGG based SSD/SSD-lite implementation in Pytorch 1.0 / Pytorch 0.4. Out-of-box support for retraining on Open Images dataset. ONNX and Caffe2 support. Experiment Ideas like CoordConv.
adityag6994/pytorch-unet
Simple PyTorch implementations of U-Net/FullyConvNet (FCN) for image segmentation
adityag6994/PyTorch-YOLOv3
Minimal PyTorch implementation of YOLOv3
adityag6994/pytorch_ssd_training
Thanks to https://github.com/sgrvinod/a-PyTorch-Tutorial-to-Object-Detection, building up on this repo!
adityag6994/segmentation_models.pytorch
Segmentation models with pretrained backbones. PyTorch.
adityag6994/slam_for_future_endevors
slam lerning through implimentation
adityag6994/SNIPER
SNIPER / AutoFocus is an efficient multi-scale object detection training / inference algorithm
adityag6994/svhn_caffe
pycaffe for svhnusing simple 3FCC
adityag6994/tensorflow-triplet-loss
Implementation of triplet loss in TensorFlow
adityag6994/TensorFlow_Tutorials
TensorFlow Tutorials with YouTube Videos
adityag6994/TensorflowLite-UNet
Implementation of UNet by Tensorflow Lite. Semantic segmentation without using GPU with RaspberryPi + Python. In order to maximize the learning efficiency of the model, this learns only the "Person" class of VOC2012. And Comparison with ENet.
adityag6994/useful_scripts
particle filter 2d | frequently used algos in computer vision
adityag6994/yolov3
YOLOv3 in PyTorch > ONNX > CoreML > TFLite
adityag6994/yolov3-pytorch
YOLOV3 pytorch implementation as a python package