Pinned Repositories
AutoML-Tensorflow
A short and simple 3 layers Neural Network Tensorflow code to automatic machine learning
Browser-Ai-Arrhythmia-Detection
Machine Learning based Arrythmia Classification in Browser only
CSE237D-PYNQ-SNN-Accelerator
Hardware implementation of Spiking Neural Network on a PYNQ-Z1 board
ecg-af-detection-physionet-2017
AF Classification from a short single lead ECG recording: the PhysioNet/Computing in Cardiology Challenge 2017
ecg-analysis-mit-bih
I test different approaches to analysing electrocardiograms and test them on the MIT-BIH Arrhythmia Database.
ECG-Atrial-Fibrillation-Classification-Using-CNN
This is a CNN based model which aims to automatically classify the ECG signals of a normal patient vs. a patient with AF and has been trained to achieve up to 93.33% validation accuracy. The dataset details are given at the How to use section.
ecg_classifier
ECGDiagnose
[Study Project] Machine Learning algorithm diagnosing diseases from ECG signal
EEG_ToSpikes
just a small project for converting some EEG data I have in to spike data for use in a Liquid State Machine
EKG_Analysis
EKG Analysis code for the MI3 intern group at CHOC Children's
Amri95's Repositories
Amri95/AutoML-Tensorflow
A short and simple 3 layers Neural Network Tensorflow code to automatic machine learning
Amri95/awesome-AutoML
Curating a list of AutoML-related research, tools, projects and other resources
Amri95/Binary-Spiking-Neural-Network
Amri95/cell-based-NAS-analysis
[ICLR'22] On Redundancy and Diversity in Cell-based Neural Architecture Search
Amri95/CNN2SNN-1
Will be putting my experiments on converting CNNs to Spiking Neural networks or SNNs
Amri95/darts-pt
[ICLR2021 Outstanding Paper] Rethinking Architecture Selection in Differentiable NAS
Amri95/ensae_teaching_cs
Teaching materials in python at the @ENSAE
Amri95/esnn
Evolving Spiking Neural Networks
Amri95/FPGA-CNN-Accelerator
The goal of this design is to use the PYNQ-Z2 development board to design a general convolution neural network accelerator. And through real-time handwritten digits input and MNIST test data set to verify the correctness and accuracy of the system.
Amri95/FPGA_SNN_STDP
FPGA acceleration of a Spike-Timing-Dependent Plasticity learning algorithm for Spiking Neural Networks
Amri95/Iris-Classification
A simple program to classify types of iris flower, by giving length and width of its sepal and petal.
Amri95/mobilenets-ssd-pytorch
MobileNet-SSD, MobileNetV2-SSD/SSDLite on VOC, BDD100K Datasets.
Amri95/MOOD-NAS
PC-DARTS:Partial Channel Connections for Memory-Efficient Differentiable Architecture Search
Amri95/NAS-DIP-pytorch
[ECCV 2020] NAS-DIP: Learning Deep Image Prior with Neural Architecture Search
Amri95/nas-papers-comparison
NAS Papers Comparison
Amri95/NASPapers
Paper lists of neural architecture search (NAS)
Amri95/NengoProject
Spiking Neural Network Model using Nengo
Amri95/NMNIST-STDP-SpiNNaker
A Spiking Neural Network model for Digit Recognition using the N-MNIST dataset.
Amri95/ocr_recognition
Train Transformer/Sequential text recognition models in PyTorch
Amri95/PanTompkinsQRS
A portable, ANSI-C implementation of Pan-Tompkins real-time QRS detection algorithm
Amri95/PINTO_model_zoo
A repository for storing models that have been inter-converted between various frameworks. Supported frameworks are TensorFlow, PyTorch, ONNX, OpenVINO, TFJS, TFTRT, TensorFlowLite (Float32/16/INT8), EdgeTPU, CoreML.
Amri95/pytorch-image-classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Amri95/Pytorch_Tutorials
Amri95/real-time_object_detection_EfficientDet
Real-time object detection using COCO-pretrained EfficientDet under Pytorch and TensorFlow
Amri95/Recognition-And-Vehicle-Tracking
YOLO, SSD, RetinaNet, SORT
Amri95/snn-2
Code for training binary and WTA SNNs
Amri95/snn-3
Amri95/snn-thesis
Amri95/SSD-pytorch
SSD: Single Shot MultiBox Detector pytorch implementation focusing on simplicity
Amri95/yolov2_xilinx_fpga
A demo for accelerating YOLOv2 in xilinx's fpga pynq