3646 Repositories
Python Rule-Based-Classification-Project Libraries
This repository serves as a place to document a toy attempt on how to create a generative text model in Catalan, based on GPT-2
GPT-2 Catalan playground and scripts to train a GPT-2 model either from scrath or from another pretrained model.
High-fidelity 3D Model Compression based on Key Spheres
High-fidelity 3D Model Compression based on Key Spheres This repository contains the implementation of the paper: Yuanzhan Li, Yuqi Liu, Yujie Lu, Siy
MetaTTE: a Meta-Learning Based Travel Time Estimation Model for Multi-city Scenarios
MetaTTE: a Meta-Learning Based Travel Time Estimation Model for Multi-city Scenarios This is the official TensorFlow implementation of MetaTTE in the
GAN-based Matrix Factorization for Recommender Systems
GAN-based Matrix Factorization for Recommender Systems This repository contains the datasets' splits, the source code of the experiments and their res
A PyTorch implementation for our paper "Dual Contrastive Learning: Text Classification via Label-Aware Data Augmentation".
Dual-Contrastive-Learning A PyTorch implementation for our paper "Dual Contrastive Learning: Text Classification via Label-Aware Data Augmentation". Y
Distance-Ratio-Based Formulation for Metric Learning
Distance-Ratio-Based Formulation for Metric Learning Environment Python3 Pytorch (http://pytorch.org/) (version 1.6.0+cu101) json tqdm Preparing datas
Real-Time Seizure Detection using EEG: A Comprehensive Comparison of Recent Approaches under a Realistic Setting
Real-Time Seizure Detection using Electroencephalogram (EEG) This is the repository for "Real-Time Seizure Detection using EEG: A Comprehensive Compar
PyTorch implementation for the paper Visual Representation Learning with Self-Supervised Attention for Low-Label High-Data Regime
Visual Representation Learning with Self-Supervised Attention for Low-Label High-Data Regime Created by Prarthana Bhattacharyya. Disclaimer: This is n
Good Classification Measures and How to Find Them
Good Classification Measures and How to Find Them This repository contains supplementary materials for the paper "Good Classification Measures and How
Change Detection in SAR Images Based on Multiscale Capsule Network
SAR_CD_MS_CapsNet Code for the paper "Change Detection in SAR Images Based on Multiscale Capsule Network" , IEEE Geoscience and Remote Sensing Letters
Adaptive Dropblock Enhanced GenerativeAdversarial Networks for Hyperspectral Image Classification
This repo holds the codes of our paper: Adaptive Dropblock Enhanced GenerativeAdversarial Networks for Hyperspectral Image Classification, which is ac
Transformer based SAR image despeckling
Transformer based SAR image despeckling Using the code: The code is stable while using Python 3.6.13, CUDA =10.1 Clone this repository: git clone htt
PyTorch implementation of an end-to-end Handwritten Text Recognition (HTR) system based on attention encoder-decoder networks
AttentionHTR PyTorch implementation of an end-to-end Handwritten Text Recognition (HTR) system based on attention encoder-decoder networks. Scene Text
Code for project: "Learning to Minimize Remainder in Supervised Learning".
Learning to Minimize Remainder in Supervised Learning Code for project: "Learning to Minimize Remainder in Supervised Learning". Requirements and Envi
CTRMs: Learning to Construct Cooperative Timed Roadmaps for Multi-agent Path Planning in Continuous Spaces
CTRMs: Learning to Construct Cooperative Timed Roadmaps for Multi-agent Path Planning in Continuous Spaces This is a repository for the following pape
EASY - Ensemble Augmented-Shot Y-shaped Learning: State-Of-The-Art Few-Shot Classification with Simple Ingredients.
EASY - Ensemble Augmented-Shot Y-shaped Learning: State-Of-The-Art Few-Shot Classification with Simple Ingredients. This repository is the official im
In the AI for TSP competition we try to solve optimization problems using machine learning.
AI for TSP Competition Goal In the AI for TSP competition we try to solve optimization problems using machine learning. The competition will be hosted
Fast and exact ILP-based solvers for the Minimum Flow Decomposition (MFD) problem, and variants of it.
MFD-ILP Fast and exact ILP-based solvers for the Minimum Flow Decomposition (MFD) problem, and variants of it. The solvers are implemented using Pytho
CSPML (crystal structure prediction with machine learning-based element substitution)
CSPML (crystal structure prediction with machine learning-based element substitution) CSPML is a unique methodology for the crystal structure predicti
Semantic code search implementation using Tensorflow framework and the source code data from the CodeSearchNet project
Semantic Code Search Semantic code search implementation using Tensorflow framework and the source code data from the CodeSearchNet project. The model
Pytorch implement of 'Unmixing based PAN guided fusion network for hyperspectral imagery'
Pgnet There's a improved version compared with the publication in Tgrs with the modification in the deduction of the PDIN block: https://arxiv.org/abs
Grad2Task: Improved Few-shot Text Classification Using Gradients for Task Representation
Grad2Task: Improved Few-shot Text Classification Using Gradients for Task Representation Prerequisites This repo is built upon a local copy of transfo
Novel and high-performance medical image classification pipelines are heavily utilizing ensemble learning strategies
An Analysis on Ensemble Learning optimized Medical Image Classification with Deep Convolutional Neural Networks Novel and high-performance medical ima
This repository contains the segmentation user interface from the OpenSurfaces project, extracted as a lightweight tool
OpenSurfaces Segmentation UI This repository contains the segmentation user interface from the OpenSurfaces project, extracted as a lightweight tool.
Labelme is a graphical image annotation tool, It is written in Python and uses Qt for its graphical interface
Image Polygonal Annotation with Python (polygon, rectangle, circle, line, point and image-level flag annotation).
A classification model capable of accurately predicting the price of secondhand cars
The purpose of this project is create a classification model capable of accurately predicting the price of secondhand cars. The data used for model building is open source and has been added to this repository. Most packages used are usually pre-installed in most developed environments and tools like collab, jupyter, etc. This can be useful for people looking to enhance the way the code their predicitve models and efficient ways to deal with tabular data!
A python project to help you solve the Wordle game.
A python project to help you solve the Wordle game.
Audio Source Separation is the process of separating a mixture into isolated sounds from individual sources
Audio Source Separation is the process of separating a mixture into isolated sounds from individual sources (e.g. just the lead vocals).
Final Project for Practical Python Programming and Algorithms for Data Analysis
Final Project for Practical Python Programming and Algorithms for Data Analysis (PHW2781L, Summer 2020) Redlining, Race-Exclusive Deed Restriction Lan
Script to autocompound 3commas BO:SO based on user provided risk factor
3commas_compounder Script to autocompound 3commas BO:SO based on user provided risk factor Setup Step 1 git clone this repo into your working director
Python based project to pull useful account statistics from the Algorand block chain.
PlanetWatchStats Python based project to pull useful account statistics from the Algorand block chain. Setup pip install -r requirements.txt Run pytho
MeepoBenchmark - This project aims at providing the scripts, logs, and analytic results for Meepo Blockchain
MeepoBenchmark - This project aims at providing the scripts, logs, and analytic results for Meepo Blockchain
DomainMonitor is a web project that has a RESTful API to get a domain's subdomains and whois data.
DomainMonitor is a web project that has a RESTful API to get a domain's subdomains and whois data.
Object classification with basic computer vision techniques
naive-image-classification Object classification with basic computer vision techniques. Final assignment for the computer vision course I took at univ
A small example project for efficiently configuring a Python application with YAMLs and the CLI
Hydra Example Project for Python A small example project for efficiently configuring a Python application with YAMLs and the CLI. Why should I care? A
Computer vision applications project (Flask and OpenCV)
Computer Vision Applications Project This project is at it's initial phase. This is all about the implementation of different computer vision techniqu
OptiPLANT is a cloud-based based system that empowers professional and non-professional data scientists to build high-quality predictive models
OptiPLANT OptiPLANT is a cloud-based based system that empowers professional and non-professional data scientists to build high-quality predictive mod
Tablicate - Python library for easy table creation and output to terminal
Tablicate Tablicate - Python library for easy table creation and output to terminal Features Column-wise justification alignment (left, right, center)
Command line tool to automate transforming the effects of one color profile to another, possibly more standard one.
Finished rendering the frames of that animation, and now the colors look washed out and ugly? This terminal program will solve exactly that.
This is a NLP based project to extract effective date of the contract from their text files.
Date-Extraction-from-Contracts This is a NLP based project to extract effective date of the contract from their text files. Problem statement This is
Voice Gender Recognition
In this project it was used some different Machine Learning models to identify the gender of a voice (Female or Male) based on some specific speech and voice attributes.
Towards Fine-Grained Reasoning for Fake News Detection
FinerFact This is the PyTorch implementation for the FinerFact model in the AAAI 2022 paper Towards Fine-Grained Reasoning for Fake News Detection (Ar
Calculatrix is a project where I'll create plenty of calculators in a lot of differents languages
Calculatrix What is Calculatrix ? Calculatrix is a project where I'll create plenty of calculators in a lot of differents languages. I know this sound
BC3407-Group-5-Project - BC3407 Group Project With Python
BC3407-Group-5-Project As the world struggles to contain the ever-changing varia
Paddle-Skeleton-Based-Action-Recognition - DecoupleGCN-DropGraph, ASGCN, AGCN, STGCN
Paddle-Skeleton-Action-Recognition DecoupleGCN-DropGraph, ASGCN, AGCN, STGCN. Yo
Code for our paper A Transformer-Based Feature Segmentation and Region Alignment Method For UAV-View Geo-Localization,
FSRA This repository contains the dataset link and the code for our paper A Transformer-Based Feature Segmentation and Region Alignment Method For UAV
EdiBERT is a generative model based on a bi-directional transformer, suited for image manipulation
EdiBERT, a generative model for image editing EdiBERT is a generative model based on a bi-directional transformer, suited for image manipulation. The
Unsupervised Feature Loss (UFLoss) for High Fidelity Deep learning (DL)-based reconstruction
Unsupervised Feature Loss (UFLoss) for High Fidelity Deep learning (DL)-based reconstruction Official github repository for the paper High Fidelity De
A Confidence-based Iterative Solver of Depths and Surface Normals for Deep Multi-view Stereo
idn-solver Paper | Project Page This repository contains the code release of our ICCV 2021 paper: A Confidence-based Iterative Solver of Depths and Su
On Out-of-distribution Detection with Energy-based Models
On Out-of-distribution Detection with Energy-based Models This repository contains the code for the experiments conducted in the paper On Out-of-distr
PyTorch META-DATASET (Few-shot classification benchmark)
PyTorch META-DATASET (Few-shot classification benchmark) This repo contains a PyTorch implementation of meta-dataset and a unified implementation of s
Connect Django Project to PostgreSQL
An application for learning things with creating quizzes and flashcards.Django, PostgresSQL are used for this project.
Feedback is important: response-aware feedback mechanism for background based conversation
RFM The code for the paper: "Feedback is important: response-aware feedback mechanism for background based conversation." Requirements python 3.7 pyto
RoNER is a Named Entity Recognition model based on a pre-trained BERT transformer model trained on RONECv2
RoNER RoNER is a Named Entity Recognition model based on a pre-trained BERT transformer model trained on RONECv2. It is meant to be an easy to use, hi
PcapConverter - A project for generating 15min frames out of a .pcap file containing network traffic
CMB Assignment 02 code + notebooks This is a project for containing code for the
Eye-Blink-Counter - Python based Computer Vision project which counts how many time a person blinks
Eye Blink Counter OpenCV and Mediapipe No Blink Blink
It's a little project for change MAC address, for ethical hacking purposes
MACChangerPy It's a small project for MAC address change, for ethical hacking purposes, don't use it for bad purposes, any infringement will be your r
Automatic generation of crypto-arts based on image layers
NFT Generator Автоматическая генерация крипто-артов на основе слоев изображения. Установка pip3 install -r requirements.txt rm -rf result/* Как это ра
A Python-based Wordle solver and CLI player
Wordle A Python-based Wordle solver and CLI player This was created using Python 3.9.7. SPOILER ALERT: the data directory contains spoilers for upcomi
This repo provides a package to automatically select a random seed based on ancient Chinese Xuanxue
🤞 Random Luck Deep learning is acturally the alchemy. This repo provides a package to automatically select a random seed based on ancient Chinese Xua
ArucoFollow - A script for Robot Operating System and it is a part of a project Robot
ArucoFollow ArucoFollow is a script for Robot Operating System and it is a part
Vit-ImageClassification - Pytorch ViT for Image classification on the CIFAR10 dataset
Vit-ImageClassification Introduction This project uses ViT to perform image clas
Labelbox is the fastest way to annotate data to build and ship artificial intelligence applications
Labelbox Labelbox is the fastest way to annotate data to build and ship artificial intelligence applications. Use this github repository to help you s
CVAT is free, online, interactive video and image annotation tool for computer vision
Computer Vision Annotation Tool (CVAT) CVAT is free, online, interactive video and image annotation tool for computer vision. It is being used by our
A task Provided by A respective Artenal Ai and Ml based Company to complete it
A task Provided by A respective Alternal Ai and Ml based Company to complete it .
Continuous Security Group Rule Change Detection & Response at scale
Introduction Get notified of Security Group Changes across all AWS Accounts & Regions in an AWS Organization, with the ability to respond/revert those
This repository contains the code for the python introduction lab
This repository contains the code for the python introduction lab. The purpose is to have a fairly simple python assignment that introduces the basic features and tools of python
Simple and understandable swin-transformer OCR project
swin-transformer-ocr ocr with swin-transformer Overview Simple and understandable swin-transformer OCR project. The model in this repository heavily r
Awesome Transformers in Medical Imaging
This repo supplements our Survey on Transformers in Medical Imaging Fahad Shamshad, Salman Khan, Syed Waqas Zamir, Muhammad Haris Khan, Munawar Hayat,
COVID-VIT: Classification of Covid-19 from CT chest images based on vision transformer models
COVID-ViT COVID-VIT: Classification of Covid-19 from CT chest images based on vision transformer models This code is to response to te MIA-COV19 compe
TransMIL: Transformer based Correlated Multiple Instance Learning for Whole Slide Image Classification
TransMIL: Transformer based Correlated Multiple Instance Learning for Whole Slide Image Classification [NeurIPS 2021] Abstract Multiple instance learn
Retinal vessel segmentation based on GT-UNet
Retinal vessel segmentation based on GT-UNet Introduction This project is a retinal blood vessel segmentation code based on UNet-like Group Transforme
A boosting-based Multiple Instance Learning (MIL) package that includes MIL-Boost and MCIL-Boost
A boosting-based Multiple Instance Learning (MIL) package that includes MIL-Boost and MCIL-Boost
Lung Pattern Classification for Interstitial Lung Diseases Using a Deep Convolutional Neural Network
ild-cnn This is supplementary material for the manuscript: "Lung Pattern Classification for Interstitial Lung Diseases Using a Deep Convolutional Neur
Band-Adaptive Spectral-Spatial Feature Learning Neural Network for Hyperspectral Image Classification
Band-Adaptive Spectral-Spatial Feature Learning Neural Network for Hyperspectral Image Classification
Raster Vision is an open source Python framework for building computer vision models on satellite, aerial, and other large imagery sets
Raster Vision is an open source Python framework for building computer vision models on satellite, aerial, and other large imagery sets (including obl
Source code of all the projects of Udacity Self-Driving Car Engineer Nanodegree.
self-driving-car In this repository I will share the source code of all the projects of Udacity Self-Driving Car Engineer Nanodegree. Hope this might
My capstone project for Udacity's Machine Learning Nanodegree
MLND-Capstone My capstone project for Udacity's Machine Learning Nanodegree Lane Detection with Deep Learning In this project, I use a deep learning-b
This is a Keras-based Python implementation of DeepMask- a complex deep neural network for learning object segmentation masks
NNProject - DeepMask This is a Keras-based Python implementation of DeepMask- a complex deep neural network for learning object segmentation masks. Th
Master Duel Card Translator Project
Master Duel Card Translator Project A tool for translating card effects in Yu-Gi-Oh! Master Duel. Quick Start (for Chinese version only) Download the
A Django web application that shortens long URLs. This is a demo project to show off my tech abilities.
Django URL Shortener This project is just a complete and production-ready URL shortener web application to show off my tech and coding abilities. Impo
Python Projects is an Open Source to enhance your python skills
Welcome! 👋🏽 Python Project is Open Source to enhance your python skills. You're free to contribute. 🤓 You just need to give us your scripts written
A JSON API for returning Godspeak sentences. Based on the works of Terry A Davis (Rest in Peace, King)
GodspeakAPI A simple API for generating random words ("godspeaks"), inspired by the works of Terrence Andrew Davis (Rest In Peace, King). Installation
This jupyter notebook project was completed by me and my friend using the dataset from Kaggle
ARM This jupyter notebook project was completed by me and my friend using the dataset from Kaggle. The world Happiness 2017, which ranks 155 countries
In this project we will implement AirBnB clone using console
AirBnB Clone In this project we will implement AirBnB clone using console. Usage The shell should work like this
The purpose is to have a fairly simple python assignment that introduces the basic features and tools of python
This repository contains the code for the python introduction lab. The purpose is to have a fairly simple python assignment that introduces the basic
Decision tree is the most powerful and popular tool for classification and prediction
Diabetes Prediction Using Decision Tree Introduction Decision tree is the most powerful and popular tool for classification and prediction. A Decision
To prepare an image processing model to classify the type of disaster based on the image dataset
Disaster Classificiation using CNNs bunnysaini/Disaster-Classificiation Goal To prepare an image processing model to classify the type of disaster bas
This project is the implementation template for HW 0 and HW 1 for both the programming and non-programming tracks
This project is the implementation template for HW 0 and HW 1 for both the programming and non-programming tracks
This project generates news headlines using a Long Short-Term Memory (LSTM) neural network.
News Headlines Generator bunnysaini/Generate-Headlines Goal This project aims to generate news headlines using a Long Short-Term Memory (LSTM) neural
Exadel CompreFace is a free and open-source face recognition GitHub project
Exadel CompreFace is a leading free and open-source face recognition system Exadel CompreFace is a free and open-source face recognition service that
Morth - Stack Based Programming Language
Morth WARNING! THIS LANGUAGE IS A WORKING PROGRESS. THIS IS JUST A HOBBY PROJECT
ChromiumJniGenerator - Jni Generator module extracted from Chromium project
ChromiumJniGenerator - Jni Generator module extracted from Chromium project
BlueMoonVampireBot - A Telegram Antispam Based Bot
Blue Moon Vampire Bot An Telegram Antispam Based Bot A Pyogram Bot to make banne
IdeasBot - Funny telegram bot to generate ideas for a project
Repository of PIdeas_bot About Funny telegram bot for generating projects ideas.
Video-Captioning - A machine Learning project to generate captions for video frames indicating the relationship between the objects in the video
Video-Captioning - A machine Learning project to generate captions for video frames indicating the relationship between the objects in the video
Trainspotting - Python Dependency Injector based on interface binding
Choose dependency injection Friendly with MyPy Supports lazy injections Supports
The project's goal is to show a real world application of image segmentation using k means algorithm
The project's goal is to show a real world application of image segmentation using k means algorithm
This was supposed to be a web scraping project, but somehow I've turned it into a spamming project
Introduction This was supposed to be a web scraping project, but somehow I've turned it into a spamming project.
This project is all about building an amazing application that will help users manage their passwords and even generate new passwords for them
An amazing application that will help us manage our passwords and even generate new passwords for us.