-
KIOS Research and Innovation Center of Excellence, University of Cyprus
- Cyprus
- https://sites.google.com/site/chriskyrkou/Home
-
Spatiotemporal Object Detection for Improved Aerial Vehicle Detection in Traffic Monitoring
Python GNU Affero General Public License v3.0 UpdatedAug 27, 2024 -
STeP_Models Public
Code that implements Convolutional Neural Networks using Structured Ternary Patterns (STeP)
-
Generative-Adversarial-Network-for-EmergencyResponse Public
Forked from Mafooq09/Generative-Adversarial-Network---Emergency-ResponsesTo generate realistic images of disasters for deep learning training
Python Eclipse Public License 2.0 UpdatedMay 15, 2024 -
EmergencyNet Public
A small deep learning model based on atrous convolutional feature fusion for the application of emergency response.
-
minDiffusion Public
Forked from cloneofsimo/minDiffusionSelf-contained, minimalistic implementation of diffusion models with Pytorch.
Python UpdatedFeb 20, 2024 -
ckyrkou.github.io Public
Forked from academicpages/academicpages.github.ioGithub Pages template for academic personal websites, forked from mmistakes/minimal-mistakes
JavaScript MIT License UpdatedFeb 9, 2024 -
pytorch-cifar100 Public
Forked from weiaicunzai/pytorch-cifar100Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet…
Python UpdatedNov 12, 2023 -
CNN_Car_Detector Public
Training a deep-learning classifier for aerial top view detection of vehicles.
-
TRG-NAS Public
Forked from siddikui/TRG-NASTrue Rank Guided Neural Architecture Search for End to End Low Complexity Network Discovery
Python UpdatedMay 1, 2023 -
pytorch-cifar Public
Forked from kuangliu/pytorch-cifar95.47% on CIFAR10 with PyTorch
Python MIT License UpdatedFeb 24, 2023 -
PyTorch-YOLOv3 Public
Forked from eriklindernoren/PyTorch-YOLOv3Minimal PyTorch implementation of YOLOv3
Python GNU General Public License v3.0 UpdatedOct 16, 2022 -
ML-From-Scratch Public
Forked from eriklindernoren/ML-From-ScratchMachine Learning From Scratch. Bare bones NumPy implementations of machine learning models and algorithms with a focus on accessibility. Aims to cover everything from linear regression to deep lear…
Python MIT License UpdatedJun 13, 2022 -
Keras_FLOP_Estimator Public
This is a function for estimating the floating point operations (FLOPS) of deep learning models developed with keras.
-
YOLOpeds Public
This repository implements a single shot object detection framework in Keras.
Python MIT License UpdatedJan 5, 2022 -
Submission to the first Mobile AI challenge, where the target is to develop quantized deep learning-based camera scene classification solutions that can demonstrate a real-time performance on smart…
-
MNIST-ObjectDetection Public
Forked from hukkelas/MNIST-ObjectDetectionA simple script to generate a object detection dataset with MNIST digits
Python UpdatedJun 2, 2021 -
mean_average_precision Public
Forked from MathGaron/mean_average_precisionSmall and simple python/numpy utility to compute mean average precision (mAP) on detection task.
Python MIT License UpdatedJan 16, 2021 -
AIDER Public
Aerial Image Database for Emergency Response Applications
-
DataAugmentationForObjectDetection Public
Forked from Paperspace/DataAugmentationForObjectDetectionData Augmentation For Object Detection
Jupyter Notebook MIT License UpdatedApr 14, 2020 -
cvpr2019 Public
Forked from dkurt/cvpr2019Workshop materials for OpenCV day at CVPR 2019 conference
HTML UpdatedJun 17, 2019 -
-
aerial-cars-dataset Public
Forked from jekhor/aerial-cars-datasetDataset for car detection on aerial photos applications
UpdatedMay 14, 2018 -
These python files can be used to generate virtual steering angles for datasets acquired from a car mounter camera. For example in this way you can augment datasets used for detecting vehicles and …
-
-
AdvancedVerilogTutorial Public
These short tutorial includes small tips for hardware design using Verilog HDL ®. The concepts discussed assume that you have some familiarity with Verilog design.
-
Mobilenet_Object_Detection Public
Rapid object detection suitable for implementation in autonomous vehicles.
-
naive_bayes_classifier_cpp Public
Implementation of a Gaussian Naive Bayes classifier to predict the behavior of vehicles on a highway
-
Traffic_Sign_Classifier Public
This project uses deep neural networks and convolutional neural networks to classify traffic signs. It is implemented in TensorFlow in a python notebook environment.
-
Hardware_Design_Cores Public
IP Cores in Verilog and VHDL for arithmetic functions
-
Deep_Behavioral_Cloning Public
Behavioral Cloning — make a car learn to drive by itself!