cinsdikici
Prof.Dr.@MCBU Computer Engineering, Machine Learning/Computer Vision Researcher@ComVIS Lab
ComVIS Lab
Pinned Repositories
deep-learning-with-python-notebooks
Jupyter notebooks for the code samples of the book "Deep Learning with Python"
faceID_beta
An implementation of iPhone X's FaceID using face embeddings and siamese networks on RGBD images.
lda2vec
awesome-fashion-ai
A repository to curate and summarise research papers related to fashion and e-commerce
color_transfer
Performs color transfer between two images. Loosely based on the "Color Transfer between Images" paper by Reinhard et al., 2001.
DNN_Object_Detection
BreastNet
Official Tensorflow implementation of BreastNet
deep-learning-models
Keras code and weights files for popular deep learning models.
Deeplearning_imageNet_Classifier
DeepLearningExamples
Deep Learning Examples
cinsdikici's Repositories
cinsdikici/course22
The fast.ai course notebooks
cinsdikici/darknet
Convolutional Neural Networks
cinsdikici/yolov7
Implementation of paper - YOLOv7: Trainable bag-of-freebies sets new state-of-the-art for real-time object detectors
cinsdikici/CORF3D_HCR
Code for our paper "CORF3D contour maps with application to Holstein cattle recognition using RGB and thermal images"
cinsdikici/intermdiate_layer_matter_ssl
The official repository for "Intermediate Layers Matter in Momentum Contrastive Self Supervised Learning" paper.
cinsdikici/ml-roadmap
cinsdikici/learnopencv
Learn OpenCV : C++ and Python Examples
cinsdikici/heysaw
Retinal Disease (CNV, DME, DRUSEN, NORMAL) Diagnosis Tool
cinsdikici/ssd_keras
A Keras port of Single Shot MultiBox Detector
cinsdikici/stylegan
StyleGAN - Official TensorFlow Implementation
cinsdikici/BreastNet
Official Tensorflow implementation of BreastNet
cinsdikici/Mask-RCNN-TF2
Mask R-CNN for object detection and instance segmentation on Keras and TensorFlow 2.0
cinsdikici/norfair
Lightweight Python library for adding real-time 2D object tracking to any detector.
cinsdikici/models
Models and examples built with TensorFlow
cinsdikici/mobile-vision
Mobile vision models and code
cinsdikici/mediapipe
MediaPipe is the simplest way for researchers and developers to build world-class ML solutions and applications for mobile, edge, cloud and the web.
cinsdikici/tpu
Reference models and tools for Cloud TPUs.
cinsdikici/ShuffleNet-Series
cinsdikici/Market-1501_Attribute
27 hand-annotated attributes of Market-1501
cinsdikici/ghostnet
[CVPR2020] Surpassing MobileNetV3: "GhostNet: More Features from Cheap Operations"
cinsdikici/deep-belief-network
A Python implementation of Deep Belief Networks built upon NumPy and TensorFlow with scikit-learn compatibility
cinsdikici/EdgeNets
This repository contains the source code of our work on designing efficient CNNs for computer vision
cinsdikici/FingerprintAuthenticationBiometricPrompt
Bir Android uygulamasında AndroidX Biometric kütüphanesini kullanarak, parmak izi kimlik doğrulama yöntemini örnekleyen proje
cinsdikici/Deeplearning_imageNet_Classifier
cinsdikici/awesome-fashion-ai
A repository to curate and summarise research papers related to fashion and e-commerce
cinsdikici/brain-segmentation-pytorch
U-Net implementation in PyTorch for FLAIR abnormality segmentation in brain MRI
cinsdikici/Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
cinsdikici/neural-networks-and-deep-learning
Code samples for my book "Neural Networks and Deep Learning"
cinsdikici/CondenseNet
CondenseNet: Light weighted CNN for mobile devices
cinsdikici/py-faster-rcnn
Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version