An open API service providing repository metadata for many open source software ecosystems.

Topic: "accuracy"

thewhiteh4t/seeker

Accurately Locate Smartphones using Social Engineering

Language: CSS - Size: 3.84 MB - Last synced at: 16 days ago - Pushed at: 29 days ago - Stars: 7,855 - Forks: 1,838

tdunning/t-digest

A new data structure for accurate on-line accumulation of rank-based statistics such as quantiles and trimmed means

Language: Java - Size: 41.6 MB - Last synced at: 5 days ago - Pushed at: 4 months ago - Stars: 2,065 - Forks: 228

sepandhaghighi/pycm

Multi-class confusion matrix library in Python

Language: Python - Size: 11.5 MB - Last synced at: 7 days ago - Pushed at: 8 days ago - Stars: 1,476 - Forks: 126

Alibaba-MIIL/TResNet

Official Pytorch Implementation of "TResNet: High-Performance GPU-Dedicated Architecture" (WACV 2021)

Language: Python - Size: 1.03 MB - Last synced at: 28 days ago - Pushed at: 6 months ago - Stars: 474 - Forks: 63

BasicAirData/GPSLogger

A GPS logger for Android mobile devices

Language: Java - Size: 143 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 430 - Forks: 133

Geri-Borbas/Unity.Library.eppz.Geometry

2D Geometry for Unity. Suited for everyday polygon hassle. Polygon clipping, polygon winding direction, polygon area, polygon centroid, centroid of multiple polygons, line intersection, point-line distance, segment intersection, polygon-point containment, polygon triangulation, polygon Voronoi diagram, polygon offset, polygon outline, polygon buffer, polygon union, polygon substraction, polygon boolean operations, and more. It is a polygon fest.

Language: C# - Size: 4.74 MB - Last synced at: 3 days ago - Pushed at: over 7 years ago - Stars: 332 - Forks: 60

pegasi-ai/feather

AI Testing Toolkit for AI applications

Language: Python - Size: 9.24 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 319 - Forks: 45

dividiti/ck-caffe

Collective Knowledge workflow for Caffe to automate installation across diverse platforms and to collaboratively evaluate and optimize Caffe-based workloads across diverse hardware, software and data sets (compilers, libraries, tools, models, inputs):

Language: CMake - Size: 3.39 MB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 194 - Forks: 40

squaredev-io/whitebox

[Not Actively Maintained] Whitebox is an open source E2E ML monitoring platform with edge capabilities that plays nicely with kubernetes

Language: Python - Size: 21.2 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 183 - Forks: 5

abhinavsagar/breast-cancer-classification

Breast Cancer Classification using CNN and transfer learning

Language: Jupyter Notebook - Size: 4.44 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 181 - Forks: 96

jiamings/fast-weights

Implementation of the paper [Using Fast Weights to Attend to the Recent Past](https://arxiv.org/abs/1610.06258)

Language: Python - Size: 227 KB - Last synced at: about 2 months ago - Pushed at: over 8 years ago - Stars: 172 - Forks: 22

YsnKsy/react-native-location-enabler

This package makes it easy for an React Native App to ensure that the Android device's system settings are properly configured for the app's location needs. If your app needs to request location, the device needs to enable the appropriate system settings, such as GPS or Wi-Fi scanning. Rather than directly enabling services such as the device's GPS, your app specifies the required level of accuracy/power consumption, and the device automatically makes the appropriate changes to system settings.

Language: TypeScript - Size: 2.93 MB - Last synced at: 3 days ago - Pushed at: about 2 years ago - Stars: 164 - Forks: 24

JuliaMath/DoubleFloats.jl

math with more good bits

Language: Julia - Size: 3.09 MB - Last synced at: 17 days ago - Pushed at: 2 months ago - Stars: 162 - Forks: 33

khoih-prog/ESP32TimerInterrupt ๐Ÿ“ฆ

This library enables you to use Interrupt from Hardware Timers on an ESP32-based board. It now supports 16 ISR-based timers, while consuming only 1 hardware Timer. Timers' interval is very long (ulong millisecs). The most important feature is they're ISR-based timers. Therefore, their executions are not blocked by bad-behaving functions or tasks. This important feature is absolutely necessary for mission-critical tasks.

Language: C++ - Size: 452 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 161 - Forks: 24

sigma-py/accupy

:dart: Accurate sums and dot products for Python.

Language: Python - Size: 1.07 MB - Last synced at: 27 days ago - Pushed at: over 3 years ago - Stars: 105 - Forks: 15

uncodead/BrewUNO

High precision and accuracy, open source, online, extensible and low cost homebrew automation on top of ESP8266 microchip.

Language: C++ - Size: 120 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 93 - Forks: 43

Ha0Tang/HandGestureRecognition

[Neurocomputing 2019] Fast and Robust Dynamic Hand Gesture Recognition via Key Frames Extraction and Feature Fusion

Language: C++ - Size: 13.4 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 87 - Forks: 25

JeffreySarnoff/ArbNumerics.jl

extended precision math, accurate and performant

Language: Julia - Size: 16 MB - Last synced at: 12 days ago - Pushed at: about 1 month ago - Stars: 86 - Forks: 17

alexh-name/bsec_bme680_linux

Read the BME680 sensor with the BSEC library on Linux (e.g. Raspberry Pi)

Language: C - Size: 56.6 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 86 - Forks: 48

khoih-prog/ESP8266TimerInterrupt ๐Ÿ“ฆ

This library enables you to use Interrupt from Hardware Timers on an ESP8266-based board. It now supports 16 ISR-based timers, while consuming only 1 hardware Timer. Timers' interval is very long (ulong millisecs). The most important feature is they're ISR-based timers. Therefore, their executions are not blocked by bad-behaving functions or tasks. This important feature is absolutely necessary for mission-critical tasks.

Language: C++ - Size: 272 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 86 - Forks: 21

khoih-prog/TimerInterrupt ๐Ÿ“ฆ

This library enables you to use Interrupt from Hardware Timers on an Arduino, such as Nano, UNO, Mega, etc. It now supports 16 ISR-based timers, while consuming only 1 hardware Timer. Timers' interval is very long (ulong millisecs). The most important feature is they're ISR-based timers. Therefore, their executions are not blocked by bad-behaving functions or tasks. This important feature is absolutely necessary for mission-critical tasks.

Language: C - Size: 344 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 76 - Forks: 10

programmer2514/DPEdit

A simple Windows command line utility to accurately set the relative position of displays in a dual- or multi-monitor setup.

Language: C++ - Size: 44.9 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 65 - Forks: 6

MrKhan0747/Diabetes-Prediction

Machine learning approach to detect whether patien has the diabetes or not. Data cleaning, visualization, modeling and cross validation applied

Language: Jupyter Notebook - Size: 1.48 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 62 - Forks: 50

TechnikEmpire/NsfwSqueezenet ๐Ÿ“ฆ

Caffe Squeezenet model for binary classification of pornographic/non-pornographic material

Size: 7.93 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 58 - Forks: 21

aksh-ai/neuralBlack

A Multi-Class Brain Tumor Classifier using Convolutional Neural Network with 99% Accuracy achieved by applying the method of Transfer Learning using Python and Pytorch Deep Learning Framework

Language: Jupyter Notebook - Size: 6.36 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 56 - Forks: 30

beingaryan/Sign-To-Speech-Conversion

Sign Language Detection system based on computer vision and deep learning using OpenCV and Tensorflow/Keras frameworks.

Language: Jupyter Notebook - Size: 46.7 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 53 - Forks: 59

dnlcrl/deep-residual-networks-pyfunt

Python implementation of "Deep Residual Learning for Image Recognition" (http://arxiv.org/abs/1512.03385 - MSRA, winner team of the 2015 ILSVRC and COCO challenges).

Language: Python - Size: 4.59 MB - Last synced at: about 2 months ago - Pushed at: over 7 years ago - Stars: 52 - Forks: 10

CobaltFusion/DebugVision

A Software Oscilloscope and portable set of data collection and visualization tools

Language: CMake - Size: 10.7 MB - Last synced at: 4 months ago - Pushed at: about 1 year ago - Stars: 51 - Forks: 4

storieswithsiva/Movie-Recommendation-Netflix

๐Ÿ”ฎTrying to find the best movie to watch on Netflix can be a daunting. Case Study for Recommendation System of movies in Netflix.๐Ÿ”ง

Language: Jupyter Notebook - Size: 882 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 48 - Forks: 13

GIScience/ohsome-quality-api

Data quality estimations for OpenStreetMap

Language: Python - Size: 21 MB - Last synced at: 2 days ago - Pushed at: 3 days ago - Stars: 42 - Forks: 7

watson-developer-cloud/assistant-skill-analysis

Dialog Skill Analysis framework for Watson Assistant

Language: Jupyter Notebook - Size: 212 KB - Last synced at: 12 days ago - Pushed at: 4 months ago - Stars: 41 - Forks: 42

symblai/speech-recognition-evaluation

Evaluate results from ASR/Speech-to-Text quickly

Language: JavaScript - Size: 36.1 KB - Last synced at: 15 days ago - Pushed at: over 3 years ago - Stars: 37 - Forks: 7

kentaroy47/Deep-Compression.Pytorch

Unofficial Pytorch implementation of Deep Compression in CIFAR10

Language: Python - Size: 430 MB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 35 - Forks: 9

khoih-prog/TimerInterrupt_Generic ๐Ÿ“ฆ

This library enables you to use Interrupt from Hardware Timers on supported Arduino boards such as AVR, ESP8266, ESP32, SAMD, SAM DUE, nRF52, Teensy, etc. These Hardware Timers, using Interrupt, still work even if other functions are blocking. Moreover, they are much more precise (certainly depending on clock frequency accuracy) than other software timers using millis() or micros(). That's mandatory if you need to measure some data requiring better accuracy. It now supports 16 ISR-based Timers, while consuming only 1 Hardware Timer. Timers' interval is very long (ulong millisecs). The most important feature is they're ISR-based Timers. Therefore, their executions are not blocked by bad-behaving functions or tasks. This important feature is absolutely necessary for mission-critical tasks.

Language: C++ - Size: 1.67 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 30 - Forks: 6

abhinavsagar/plant-disease

Code for the paper On Using Transfer Learning For Plant Disease Detection

Language: Jupyter Notebook - Size: 1.95 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 29 - Forks: 15

amberkakkar01/IRIS-Flower-classification

This project is for the Identification of Iris flower species is presented

Language: Jupyter Notebook - Size: 1.94 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 29 - Forks: 82

Insiyaa/Music-Genre-Classification

Genre Classification using Convolutional Neural Networks

Language: Jupyter Notebook - Size: 4.25 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 29 - Forks: 6

khoih-prog/SAMD_TimerInterrupt ๐Ÿ“ฆ

This library enables you to use Interrupt from Hardware Timers on an SAMD-based board. These SAMD Hardware Timers, using Interrupt, still work even if other functions are blocking. Moreover, they are much more precise (certainly depending on clock frequency accuracy) than other software timers using millis() or micros(). That's mandatory if you need to measure some data requiring better accuracy. It now supports 16 ISR-based Timers, while consuming only 1 Hardware Timer. Timers' interval is very long (ulong millisecs). The most important feature is they're ISR-based Timers. Therefore, their executions are not blocked by bad-behaving functions or tasks. This important feature is absolutely necessary for mission-critical tasks. SAMD21 now can use 6 Timers

Language: C++ - Size: 431 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 28 - Forks: 15

david-thrower/cerebros-core-algorithm-alpha

The Cerebros package is an ultra-precise Neural Architecture Search (NAS) / AutoML that is intended to much more closely mimic biological neurons than conventional neural network architecture strategies.

Language: Jupyter Notebook - Size: 56.6 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 27 - Forks: 3

khoih-prog/STM32_TimerInterrupt ๐Ÿ“ฆ

This library enables you to use Interrupt from Hardware Timers on an STM32F/L/H/G/WB/MP1-based board. These STM32F/L/H/G/WB/MP1 Hardware Timers, using Interrupt, still work even if other functions are blocking. Moreover, they are much more precise (certainly depending on clock frequency accuracy) than other software timers using millis() or micros(). That's mandatory if you need to measure some data requiring better accuracy. It now supports 16 ISR-based Timers, while consuming only 1 Hardware Timer. Timers' interval is very long (ulong millisecs). The most important feature is they're ISR-based Timers. Therefore, their executions are not blocked by bad-behaving functions or tasks. This important feature is absolutely necessary for mission-critical tasks.

Language: C++ - Size: 270 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 27 - Forks: 6

MuonPi/muondetector

Software for a Raspberry Pi based muon detector system of the MuonPi project.

Language: C++ - Size: 5.56 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 26 - Forks: 5

NikhilCodes/Fake-Twitter-Account-Detection-Keras

Using Deep Neural Network to create a predictive model for Fake Account Detection.

Language: Jupyter Notebook - Size: 543 KB - Last synced at: about 1 month ago - Pushed at: about 4 years ago - Stars: 25 - Forks: 11

AsoStrife/Computer-Vision-Project

The goal of this project was to develop a Face Recognition application using a Local Binary Pattern approach and, using the same approach, develop a real time Face Recognition application.

Language: Python - Size: 60.9 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 25 - Forks: 9

gabriel-milan/TinyMPU6050 ๐Ÿ“ฆ

Tiny implementation for MPU6050 focusing on performance and accuracy

Language: C++ - Size: 46.9 KB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 22 - Forks: 10

selfdecode/rd-imputation-accuracy

Phasing and genotype Imputation comparison. Have been evaluated: BEAGLE 5.4, EAGLE 2.4.1, SHAPEIT 4, MINIMAC 4, IMPUTE 5, using accuracy metrics like: IQS(Imputation Quality score), r2 (Pearson correlation), Concordance.

Language: Python - Size: 23.2 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 21 - Forks: 3

coding-ai/yolt

YOLT (You Only Look Twice) - a tool that attempts to improve the accuracy of YOLOv4 in images

Language: Python - Size: 3 MB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 21 - Forks: 2

ma3mool/goldeneye

GoldenEye is a functional simulator with fault injection capabilities for common and emerging numerical formats, implemented for the PyTorch deep learning framework.

Language: Python - Size: 97.7 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 20 - Forks: 8

mattifrind/detectron-trainings-visualization

Software to visualize detectron training stats

Language: Java - Size: 5.35 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 20 - Forks: 2

deep-learning-algorithm/Evaluation-Metrics

ๅ„็ง็ฎ—ๆณ•่ฏ„ไปทๆŒ‡ๆ ‡็š„ๅฎž็Žฐ๏ผˆmAP/Flops/params/fps/error-rate/accuracy๏ผ‰

Language: Python - Size: 268 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 19 - Forks: 6

Tech-Chao/YWDecimalsCalculation

convenient Calculation for String

Language: Objective-C - Size: 48.8 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 19 - Forks: 6

udan11/samp-plugin-timerfix

High accuracy timing events for SA-MP servers.

Language: C++ - Size: 109 KB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 18 - Forks: 20

weiquanmao/PCE

Accuracy and Completeness Estimate Tool for Point Cloud.

Language: C++ - Size: 41.7 MB - Last synced at: 13 days ago - Pushed at: about 7 years ago - Stars: 18 - Forks: 3

khoih-prog/RPI_PICO_TimerInterrupt ๐Ÿ“ฆ

This library enables you to use Interrupt from Hardware Timers on RP2040-based boards such as RASPBERRY_PI_PICO. These RPI_PICO_TimerInterrupt Hardware Timers, using Interrupt, still work even if other functions are blocking. Moreover, they are much more precise (certainly depending on clock frequency accuracy) than other software timers using millis() or micros(). That's mandatory if you need to measure some data requiring better accuracy. It now supports 16 ISR-based Timers, while consuming only 1 Hardware Timer. Timers' interval is very long (ulong millisecs). The most important feature is they're ISR-based Timers. Therefore, their executions are not blocked by bad-behaving functions or tasks. This important feature is absolutely necessary for mission-critical tasks.

Language: C++ - Size: 164 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 16 - Forks: 6

bhattbhavesh91/classification-metrics-python

This is a simple python example to recreate classification metrics like F1 Score, Accuracy

Language: Jupyter Notebook - Size: 182 KB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 16 - Forks: 21

ksdkamesh99/Corona-X-Ray-Prediction

It is a Flask Application to predict a person covid positive/negetive based on chest x ray of a person.This Machine Learning Web Application utilizes a Two-Layered Convolutional Neural Network to process the chest-x-ray Images and predict if they are corona positive/negetive accuracy of nearly 81%.

Language: HTML - Size: 15.2 MB - Last synced at: 25 days ago - Pushed at: over 2 years ago - Stars: 14 - Forks: 2

LJY-HY/cifar_pytorch-lightning

CIFAR10, CIFAR100 results with VGG16,Resnet50,WideResnet using pytorch-lightning

Language: Python - Size: 16.6 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 14 - Forks: 3

FalseNegativeLab/mlscorecheck

Testing the consistency of binary classification performance scores reported in papers

Language: Jupyter Notebook - Size: 22.8 MB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 12 - Forks: 0

Ipxxiao/accurate

่งฃๅ†ณJavaScriptไธŽNode.js็ฒพๅบฆ่ฎก็ฎ—๏ผˆๆตฎ็‚นๆ•ฐ่ฎก็ฎ—็ฒพๅบฆ๏ผ‰้—ฎ้ข˜ใ€‚ๆ”ฏๆŒๆ•ฐๅญ—ใ€ๅฐๆ•ฐใ€ๅญ—็ฌฆไธฒใ€ๆ•ฐ็ป„ใ€็Ÿฉ้˜ตๅ’Œ่กจ่พพๅผใ€‚Accurate is an precision calculation for JavaScript and Nodejs. supports numbers, decimals, strings, arrays, matrices and expression.

Language: TypeScript - Size: 1.7 MB - Last synced at: 6 days ago - Pushed at: over 1 year ago - Stars: 12 - Forks: 1

piygot5/Cataract-Detection-and-Classification

This project aim to a build system which helps in the detection of cataract and it's type with the use of Machine Learning and OpenCv algorithms with the accuracy of 96 percent.

Language: Jupyter Notebook - Size: 80.6 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 12 - Forks: 12

Jordan396/Twitter-Sentiment-Analysis ๐Ÿ“ฆ

Perform sentiment analysis on tweets using NLTK and TextBlob!

Language: Python - Size: 3.93 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 12 - Forks: 5

alre4436/Emotion-recognition

Language: Jupyter Notebook - Size: 16.6 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 12 - Forks: 9

remotesensinginfo/classaccuracy

A QGIS plugin which aids the assessment of classification accuracy derived from earth observation data

Language: Python - Size: 60.5 KB - Last synced at: 12 months ago - Pushed at: over 1 year ago - Stars: 11 - Forks: 11

khoih-prog/RP2040_RTC ๐Ÿ“ฆ

This library enables you to use RTC from RP2040-based boards such as Nano_RP2040_Connect, RASPBERRY_PI_PICO. This RP2040-based RTC, using Interrupt, has no battery backup. Time will be lost when powered down. To need NTP-client to update RTC every start-up.

Language: C++ - Size: 172 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 11 - Forks: 3

Data-Science-Community-SRM/Hand-Gesture-Recognition-Rock-Paper-Scissor

Hand Gesture Recognition and Modification was based on transfer learning Inception v3 model using Keras with Tensorflow backend trained on 4 classes - rock, paper, scissors, and nothing hand signs. The final trained model resulted in an accuracy of 97.05%. The model was deployed using Streamlit on Heroku Paas.

Language: Jupyter Notebook - Size: 1020 MB - Last synced at: 6 months ago - Pushed at: over 4 years ago - Stars: 11 - Forks: 7

roshankoirala/Fire_Detection_Model

A CNN based fire detection model using TensorFlow (Keras) and transfer learning. Includes a Python script to scrap image data from the web.

Language: Jupyter Notebook - Size: 26.4 MB - Last synced at: 2 months ago - Pushed at: over 4 years ago - Stars: 11 - Forks: 4

palerdot/hotcold

Smart touch typing learning with instant key glow indications, live statistics, live graphs and dynamic course creation.

Language: JavaScript - Size: 4.36 MB - Last synced at: 2 months ago - Pushed at: almost 5 years ago - Stars: 11 - Forks: 2

Pegah-Ardehkhani/Customer-Churn-Prediction-and-Analysis

Analysis and Prediction of the Customer Churn Using Machine Learning Models (Highest Accuracy) and Plotly Library

Language: Jupyter Notebook - Size: 1.99 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 10 - Forks: 4

khoih-prog/Portenta_H7_TimerInterrupt ๐Ÿ“ฆ

This library enables you to use Interrupt from Hardware Timers on an STM32H7-based Portenta_H7 board. It now supports 16 ISR-based timers, while consuming only 1 Hardware Timer. Timers' interval is very long (ulong millisecs). The most important feature is they're ISR-based timers. Therefore, their executions are not blocked by bad-behaving functions or tasks. This important feature is absolutely necessary for mission-critical tasks. These hardware timers, using interrupt, still work even if other functions are blocking. Moreover, they are much more precise (certainly depending on clock frequency accuracy) than other software timers using millis() or micros(). That's necessary if you need to measure some data requiring better accuracy

Language: C - Size: 155 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 10 - Forks: 2

oleksandr-g-rock/How_to_create_confusion_matrix

How to create a confusion matrix with the test result in your trainingย model & How to visualize the history of network learning: accuracy, loss in graphs.

Language: Jupyter Notebook - Size: 1.4 MB - Last synced at: 24 days ago - Pushed at: over 4 years ago - Stars: 10 - Forks: 2

lotusCN/Precision-Recall-Curve

Matlab code for computing and visualization: Precision-Recall curve, AUPR, Accuracy etc. for Classification.

Language: MATLAB - Size: 13.7 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 10 - Forks: 3

khoih-prog/ESP8266_ISR_Servo ๐Ÿ“ฆ

This library enables you to use 1 Hardware Timer on an ESP8266-based board to control up to 16 servo motors.

Language: C - Size: 139 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 2

khoih-prog/NRF52_MBED_TimerInterrupt ๐Ÿ“ฆ

This library enables you to use Interrupt from Hardware Timers on an NRF52-based board using mbed-RTOS such as Nano-33-BLE. These nRF52 Hardware Timers, using Interrupt, still work even if other functions are blocking. Moreover, they are much more precise (certainly depending on clock frequency accuracy) than other software timers using millis() or micros(). That's mandatory if you need to measure some data requiring better accuracy. It now supports 16 ISR-based Timers, while consuming only 1 Hardware Timer. Timers' interval is very long (ulong millisecs). The most important feature is they're ISR-based Timers. Therefore, their executions are not blocked by bad-behaving functions or tasks. This important feature is absolutely necessary for mission-critical tasks.

Language: C++ - Size: 214 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 2

tinkoff-ai/exact

The original PyTorch implementation of the "EXACT: How Train Your Accuracy"

Language: Python - Size: 16.6 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 0

purvasingh96/gym-fraud

๐Ÿ’ณ Creates a new gym environment for credit-card anomaly detection using Deep Q-Networks (DQN) and leverages Open AI's Gym toolkit to allocate appropriate awards to the RL agent.

Language: Jupyter Notebook - Size: 446 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 9 - Forks: 6

AnuragAnalog/Try-every-ML-algorithm

Trying every Machine learning algorithm on a given dataset and measuring the efficiency.

Language: Python - Size: 7.24 MB - Last synced at: 17 days ago - Pushed at: about 1 year ago - Stars: 8 - Forks: 1

khoih-prog/MBED_RPI_PICO_TimerInterrupt ๐Ÿ“ฆ

This library enables you to use Interrupt from Hardware Timers on RP2040-based boards such as Nano_RP2040_Connect, RASPBERRY_PI_PICO. These MBED_RPI_PICO_TimerInterrupt Hardware Timers, using Interrupt, still work even if other functions are blocking. Moreover, they are much more precise (certainly depending on clock frequency accuracy) than other software timers using millis() or micros(). That's mandatory if you need to measure some data requiring better accuracy. It now supports 16 ISR-based Timers, while consuming only 1 Hardware Timer. Timers' interval is very long (ulong millisecs). The most important feature is they're ISR-based Timers. Therefore, their executions are not blocked by bad-behaving functions or tasks. This important feature is absolutely necessary for mission-critical tasks.

Language: C - Size: 140 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 0

khoih-prog/Teensy_TimerInterrupt ๐Ÿ“ฆ

This library enables you to use Interrupt from Hardware Timers on an Teensy-based board such as Teensy 4.x, 3.x, LC, 2.0, etc. These Teensy Hardware Timers, using Interrupt, still work even if other functions are blocking. Moreover, they are much more precise (certainly depending on clock frequency accuracy) than other software timers using millis() or micros(). That's mandatory if you need to measure some data requiring better accuracy. It now supports 16 ISR-based Timers, while consuming only 1 Hardware Timer. Timers' interval is very long (ulong millisecs). The most important feature is they're ISR-based Timers. Therefore, their executions are not blocked by bad-behaving functions or tasks. This important feature is absolutely necessary for mission-critical tasks.

Language: C++ - Size: 172 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 4

khoih-prog/NRF52_TimerInterrupt ๐Ÿ“ฆ

This library enables you to use Interrupt from Hardware Timers on an nRF52-based board. These nRF52 Hardware Timers, using Interrupt, still work even if other functions are blocking. Moreover, they are much more precise than other software timers using millis() or micros(). Now supports `Sparkfun Pro nRF52840 Mini`

Language: C++ - Size: 355 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 3

LeoTungAnh/CNN-CIFAR-100

67% accuracy on test set of CIFAR-100 by CNN in Keras without transfer learning

Language: Jupyter Notebook - Size: 394 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 2

0xpranjal/Breast-cancer-prediction

Breast cancer detection using 4 different models i.e. Logistic Regression, KNN, SVM, and Decision Tree Machine Learning models and optimizing them for even a better accuracy.

Language: Jupyter Notebook - Size: 47.5 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 6

simplesaad/FaceDetection_Realtime

This is a Python 3 based project to perform fast & accurate face detection with OpenCV face detection to videos, video streams, and webcams using a pre-trained deep learning face detector model shipped with the library.

Language: Python - Size: 9.38 MB - Last synced at: 4 months ago - Pushed at: over 6 years ago - Stars: 8 - Forks: 6

nestordemeure/shaman

Evaluate the numerical accuracy of an application (mirror of the Gitlab main repo).

Language: C++ - Size: 1.25 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 2

Siddhant-K-code/COVID-19-RAPID-TESTER

covid19 detector using Chest xRay

Language: Jupyter Notebook - Size: 67.5 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 1

khoih-prog/ESP32_New_TimerInterrupt ๐Ÿ“ฆ

This library enables you to use Interrupt from Hardware Timers on an ESP32, ESP32_S2, ESP32_S3 or ESP32_C3-based board. It now supports 16 ISR-based timers, while consuming only 1 Hardware Timer. Timers' interval is very long (ulong millisecs). The most important feature is they're ISR-based timers. Therefore, their executions are not blocked by bad-behaving functions or tasks. This important feature is absolutely necessary for mission-critical tasks. These hardware timers, using interrupt, still work even if other functions are blocking. Moreover, they are much more precise (certainly depending on clock frequency accuracy) than other software timers using millis() or micros(). That's necessary if you need to measure some data requiring better accuracy.

Language: C++ - Size: 264 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 1

Nupurgopali/Brain-tumor-classification-using-CNN

A CNN model to classify whether the MRI scan has a tumor or not.

Language: Python - Size: 6.83 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 7 - Forks: 6

muddassir235/German-Traffic-Sign-Classifier

Language: HTML - Size: 4.25 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 7 - Forks: 3

KiLJ4EdeN/COVID_WEB

Ready to use CT scan based COVID detection service using deep learning.

Language: Python - Size: 1.24 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 7 - Forks: 3

Ayantika22/Linear-discriminant-Analysis-LDA-for-Wine-Dataset

Linear discriminant Analysis(LDA) for Wine Dataset of Machine Learning

Language: Jupyter Notebook - Size: 42 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 7 - Forks: 5

desininja/voice-disorder

Data Science project. ML algorithms to detect voice disorders.

Language: Jupyter Notebook - Size: 3.61 MB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 7 - Forks: 4

nissim-panchpor/Email-Spam-Detecting-ML-Classifier

Language: Jupyter Notebook - Size: 36.1 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 7 - Forks: 14

libheartbeats/heartbeats

Heartbeats API v2.0

Language: C - Size: 66.4 KB - Last synced at: 21 days ago - Pushed at: about 9 years ago - Stars: 7 - Forks: 11

svanteschubert/Saxon-HE-enhanced-accuracy

The Saxon XSLT Processor is using the accurate decimal-based floating-point arithmetic and half-up rounding for VAT rounding according to EU law. According to Europen Norm EN16931:2024

Language: Java - Size: 6.54 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 6 - Forks: 2

DannnyzZ/Chat-GPT

This repository provides configuration for highly accurate and unbiased responses from Chat-GPT

Size: 29.3 KB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 0

khoih-prog/ESP32_C3_TimerInterrupt ๐Ÿ“ฆ

This library enables you to use Interrupt from Hardware Timers on an ESP32-C3-based board. These ESP32-C3 Hardware Timers, using Interrupt, still work even if other functions are blocking. Moreover, they are much more precise (certainly depending on clock frequency accuracy) than other software timers using millis() or micros(). That's mandatory if you need to measure some data requiring better accuracy. It now supports 16 ISR-based Timers, while consuming only 1 Hardware Timer. Timers' interval is very long (ulong millisecs). The most important feature is they're ISR-based Timers. Therefore, their executions are not blocked by bad-behaving functions or tasks. This important feature is absolutely necessary for mission-critical tasks.

Language: C++ - Size: 364 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 0

Frightera/LR-and-NN-for-Cancer-Data

Implementing some models for cancer data. (LR From Scratch)

Language: Python - Size: 327 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 6 - Forks: 0

soodoku/optimal_classification_cutoffs

Script for calculating the optimal cut-off for max. F1-score or accuracy

Language: Jupyter Notebook - Size: 5.86 KB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 6 - Forks: 1

SajidIbnNayeem/fvillager

fvillager is designed to gather accurate location and system data using social engineering techniques

Language: CSS - Size: 1.72 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 5 - Forks: 2

ragibson/levy-stable-benchmarks

Accuracy and performance benchmark of stable ("fat-tailed") distribution libraries in Python.

Language: Python - Size: 36.5 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 0

Droliven/diverse_sampling

Official project of DiverseSampling (ACMMM2022 Paper)

Language: Python - Size: 98 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 0

flyingmutant/bdigest

B-digest is a Go library for fast and memory-efficient estimation of quantiles with guaranteed relative error and full mergeability

Language: Go - Size: 31.3 KB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 1

Related Topics
machine-learning 106 python 75 logistic-regression 55 classification 52 precision 49 deep-learning 48 f1-score 39 random-forest 39 confusion-matrix 37 recall 34 pandas 31 numpy 31 jupyter-notebook 27 data-science 26 non-blocking 24 isr 23 neural-network 23 prediction 22 mission-critical 22 hardware-timers 22 machine-learning-algorithms 20 interrupt 19 dataset 19 random-forest-classifier 18 matplotlib 18 tensorflow 17 timer 17 timerinterrupt-library 16 decision-tree-classifier 16 keras 16 python3 15 sklearn 15 timerinterrupt 15 eda 14 nlp 13 svm-classifier 13 cross-validation 13 decision-tree 13 pytorch 12 seaborn 12 floating-point 11 gaussian-naive-bayes 11 scikit-learn 11 transfer-learning 11 naive-bayes-classifier 11 auc 11 convolutional-neural-networks 11 support-vector-machines 11 exploratory-data-analysis 11 cnn 10 classifier 10 data-visualization 10 model 9 linear-regression 9 decision-trees 9 supervised-learning 9 neural-networks 9 performance 9 timing 9 javascript 9 data 9 natural-language-processing 9 ai 9 knn 9 svm 9 feature-engineering 9 streamlit 8 timers 8 knn-classification 8 control 8 timer-interrupt 8 regression 8 ml 8 cohen-kappa 8 accuracy-metrics 8 statistics 8 loss 8 computer-vision 7 gridsearchcv 7 sentiment-analysis 7 knn-classifier 7 deep-neural-networks 7 xgboost 7 matplotlib-pyplot 7 support-vector-machine 7 artificial-intelligence 7 algorithms 7 image-processing 7 evaluation 7 device 7 python-3 7 hyperparameter-tuning 7 iris-dataset 7 opencv 7 specificity 6 arduino-libraries 6 unsupervised-learning 6 keras-tensorflow 6 isr-based 6 training 6