Pinned Repositories
ConvNeXt
Code release for ConvNeXt model
D-CLOSE
[ACML2023] Towards Better Explanations for Object Detection
deep-text-recognition-benchmark
Text recognition (optical character recognition) with deep learning methods.
Deformable-DETR
Deformable DETR: Deformable Transformers for End-to-End Object Detection.
evidently
Evaluate and monitor ML models from validation to production. Join our Discord: https://discord.com/invite/xZjKRaNp8b
explainer
The official repository containing the source code to the explAIner publication.
face-recognition-with-keras-and-dlib
Keras implementation of cnn model with dlib for face recognition
fastercnn-pytorch-training-pipeline
A Faster RCNN Object Detection Pipeline for custom datasets using PyTorch.
Group-CAM
Code for paper: Group-CAM: Group Score-Weighted Visual Explanations for Deep Convolutional Networks
image-classification-using-aws-sagemaker
Image classification project from Udacity's AWS Machine Learning Engineering Course
Binh24399's Repositories
Binh24399/D-CLOSE
[ACML2023] Towards Better Explanations for Object Detection
Binh24399/ConvNeXt
Code release for ConvNeXt model
Binh24399/deep-text-recognition-benchmark
Text recognition (optical character recognition) with deep learning methods.
Binh24399/Deformable-DETR
Deformable DETR: Deformable Transformers for End-to-End Object Detection.
Binh24399/evidently
Evaluate and monitor ML models from validation to production. Join our Discord: https://discord.com/invite/xZjKRaNp8b
Binh24399/explainer
The official repository containing the source code to the explAIner publication.
Binh24399/face-recognition-with-keras-and-dlib
Keras implementation of cnn model with dlib for face recognition
Binh24399/fastercnn-pytorch-training-pipeline
A Faster RCNN Object Detection Pipeline for custom datasets using PyTorch.
Binh24399/Group-CAM
Code for paper: Group-CAM: Group Score-Weighted Visual Explanations for Deep Convolutional Networks
Binh24399/image-classification-using-aws-sagemaker
Image classification project from Udacity's AWS Machine Learning Engineering Course
Binh24399/Knowledge-Graph-based-QnA
Knowledge Graph based Question and Answering program to get information from huge amount of data
Binh24399/machine-learning-learning-path
This is learning path of Machine Learning. It is based on the courses on Udacity projects.
Binh24399/MNasNet-Keras-Tensorflow
A Tensorflow Keras implementation (Graph and eager execution) of Mnasnet: MnasNet: Platform-Aware Neural Architecture Search for Mobile.
Binh24399/Operationalizing-an-AWS-ML-Project
Operationalizing an AWS ML Project
Binh24399/plantvillage_deeplearning_paper_analysis
Binh24399/plantvillage_deeplearning_paper_dataset
Binh24399/pytorch_D-RISE
A PyTorch implementation of D-RISE
Binh24399/PyTorch_YOLOv4
PyTorch implementation of YOLOv4
Binh24399/RMOT
[CVPR2023] Referring Multi-Object Tracking
Binh24399/Swin-Transformer
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".
Binh24399/test
Binh24399/test_image
Binh24399/xai_thyroid
All Classification and Object Detection XAI methods (CAM-based, backpropagation-based, perturbation-based, statistic-based) for thyroid cancer ultrasound images
Binh24399/YOLOX
YOLOX is a high-performance anchor-free YOLO, exceeding yolov3~v5 with MegEngine, ONNX, TensorRT, ncnn, and OpenVINO supported. Documentation: https://yolox.readthedocs.io/
Binh24399/YOLOX-train-your-data
load .txt to train YOLOX, same as Yolo others