Pinned Repositories
500-AI-Machine-learning-Deep-learning-Computer-vision-NLP-Projects-with-code
500 AI Machine learning Deep learning Computer vision NLP Projects with code
Automold--Road-Augmentation-Library
This library augments road images to introduce various real world scenarios that pose challenges for training neural networks of Autonomous vehicles. Automold is created to train CNNs in specific weather and road conditions.
awesome-deep-learning
A curated list of awesome Deep Learning tutorials, projects and communities.
caltech-pedestrian-dataset-converter
Download Caltech Pedestrian Dataset and convert them for Python users without using MATLAB
caltech-pedestrian-dataset-to-yolo-format-converter
converts the format of the caltech pedestrian dataset to the format that yolo uses
car-detection-model-prediction
Car-Model-Classification
Car Model classification using Stanford Cars Dataset for Grab AI For Sea challenge on computer vision (https://www.aiforsea.com/computer-vision)
Car_Models_Classification
Car Models Classifier using TensorFlow
yolov4-opencv-cpp-python
Example of using YOLO v4 with OpenCV, C++ and Python
janyasir's Repositories
janyasir/face_recognition
The world's simplest facial recognition api for Python and the command line
janyasir/yolov4-opencv-cpp-python
Example of using YOLO v4 with OpenCV, C++ and Python
janyasir/500-AI-Machine-learning-Deep-learning-Computer-vision-NLP-Projects-with-code
500 AI Machine learning Deep learning Computer vision NLP Projects with code
janyasir/cv_resume
janyasir/demo_2
janyasir/Depix
Recovers passwords from pixelized screenshots
janyasir/diagrams
:art: Diagram as Code for prototyping cloud system architectures
janyasir/DLTFpT
Deep Learning with TensorFlow, Keras, and PyTorch
janyasir/gans
Generative Adversarial Networks implemented in PyTorch and Tensorflow
janyasir/imagehash
A Python Perceptual Image Hashing Module
janyasir/imgclsmob
Sandbox for training convolutional networks for computer vision
janyasir/Invisible-Cloak
janyasir/Learn-TensorFlow
Learning Tensorflow Step by Step:: Credit: Tensorflow Specialization
janyasir/Mask_RCNN
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow
janyasir/masked-gan-manifold
A mask-guided method for control over localized regions in StyleGAN2 images.
janyasir/MLAI_OCR
MLAI_OCR
janyasir/models
Models and examples built with TensorFlow
janyasir/Online-Realtime-Action-Recognition-based-on-OpenPose
A skeleton-based real-time online action recognition project, classifying and recognizing base on framewise joints, which can be used for safety surveilence.
janyasir/Plate_detect_and_recognize
Detecting and Reading vehicle's license plate from various countries (Germany, Vietnam, Japan, Thailand, Saudi, Russia, Korea, Usa, India, China)
janyasir/Ptolemy
janyasir/pytorch-superpoint
Superpoint Implemented in PyTorch: https://arxiv.org/abs/1712.07629
janyasir/RAFT
janyasir/scene-representation-networks
Official Pytorch implementation of Scene Representation Networks: Continuous 3D-Structure-Aware Neural Scene Representations
janyasir/Self-Correction-Human-Parsing
An out-of-box human parsing representation extractor.
janyasir/Speaker-Identification-Python
Speaker Identification System (upto 100% accuracy); built using Python 2.7 and python_speech_features library
janyasir/speech_recognition
Speech recognition module for Python, supporting several engines and APIs, online and offline.
janyasir/traingenerator
🧙 A web app to generate template code for machine learning
janyasir/TransUNet
This repository includes the official project of TransUNet, presented in our paper: TransUNet: Transformers Make Strong Encoders for Medical Image Segmentation.
janyasir/yolov5
YOLOv5 in PyTorch > ONNX > CoreML > TFLite
janyasir/yolov5-opencv-cpp-python
Example of using ultralytics YOLO V5 with OpenCV 4.5.4, C++ and Python