Pinned Repositories
batch-processing-kupu
batch-processing-kupu
bonescansegment
CNN-examples
conv_arithmetic
A technical report on convolution arithmetic in the context of deep learning
Deep-Learning-Coursera
Deep Learning Specialization by Andrew Ng, deeplearning.ai.
deepface
A Lightweight Face Recognition and Facial Attribute Analysis (Age, Gender, Emotion and Race) Library for Python
detectron2
Detectron2 is FAIR's next-generation platform for object detection, segmentation and other visual recognition tasks.
Efficient-Segmentation-Networks
Lightweight models for real-time semantic segmentationon PyTorch (include SQNet, LinkNet, SegNet, UNet, ENet, ERFNet, EDANet, ESPNet, ESPNetv2, LEDNet, ESNet, FSSNet, CGNet, DABNet, Fast-SCNN, ContextNet, FPENet, etc.)
EfficientDet
EfficientDet (Scalable and Efficient Object Detection) implementation in Keras and Tensorflow
EfficientNet-PyTorch
A PyTorch implementation of EfficientNet and EfficientNetV2 (coming soon!)
Ema-Rachmawati's Repositories
Ema-Rachmawati/batch-processing-kupu
batch-processing-kupu
Ema-Rachmawati/bonescansegment
Ema-Rachmawati/CNN-examples
Ema-Rachmawati/deepface
A Lightweight Face Recognition and Facial Attribute Analysis (Age, Gender, Emotion and Race) Library for Python
Ema-Rachmawati/detectron2
Detectron2 is FAIR's next-generation platform for object detection, segmentation and other visual recognition tasks.
Ema-Rachmawati/EfficientDet
EfficientDet (Scalable and Efficient Object Detection) implementation in Keras and Tensorflow
Ema-Rachmawati/EfficientNet-PyTorch
A PyTorch implementation of EfficientNet and EfficientNetV2 (coming soon!)
Ema-Rachmawati/examples
TensorFlow examples
Ema-Rachmawati/face_recognition
The world's simplest facial recognition api for Python and the command line
Ema-Rachmawati/karsajobs
Ema-Rachmawati/kupu_offline
Ema-Rachmawati/materi-FG-CNN
Ema-Rachmawati/mmdetection
OpenMMLab Detection Toolbox and Benchmark
Ema-Rachmawati/mmsegmentation
OpenMMLab Semantic Segmentation Toolbox and Benchmark.
Ema-Rachmawati/models
Models and examples built with TensorFlow
Ema-Rachmawati/notes-app-back-end
Ema-Rachmawati/object-detection-YOLO
Ema-Rachmawati/papers-object-detection
Ema-Rachmawati/practical-ml-vision-book
Ema-Rachmawati/pytorch-image-models
PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, EfficientNetV2, NFNet, Vision Transformer, MixNet, MobileNet-V3/V2, RegNet, DPN, CSPNet, and more
Ema-Rachmawati/pytorch-vit
An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale
Ema-Rachmawati/segtran
Medical Image Segmentation using Squeeze-and-Expansion Transformers
Ema-Rachmawati/semantic-segmentation
SOTA Semantic Segmentation Models in PyTorch
Ema-Rachmawati/semantic-segmentation-tutorial-pytorch
A simple PyTorch codebase for semantic segmentation using Cityscapes.
Ema-Rachmawati/SETR
[CVPR 2021] Rethinking Semantic Segmentation from a Sequence-to-Sequence Perspective with Transformers
Ema-Rachmawati/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
Ema-Rachmawati/Transformers-Tutorials
This repository contains demos I made with the Transformers library by HuggingFace.
Ema-Rachmawati/unet
Generic U-Net Tensorflow 2 implementation for semantic segmentation
Ema-Rachmawati/vision_transformer
Ema-Rachmawati/vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch