4752 Repositories
Python Keras-Image-Embeddings-using-Contrastive-Loss Libraries
Semantic Segmentation for Aerial Imagery using Convolutional Neural Network
This repo has been deprecated because whole things are re-implemented by using Chainer and I did refactoring for many codes. So please check this newe
This repository contains code, network definitions and pre-trained models for working on remote sensing images using deep learning
Deep learning for Earth Observation This repository contains code, network definitions and pre-trained models for working on remote sensing images usi
Simple keras FCN Encoder/Decoder model for MS-COCO (food subset) segmentation
FCN_MSCOCO_Food_Segmentation Simple keras FCN Encoder/Decoder model for MS-COCO (food subset) segmentation Input data: [http://mscoco.org/dataset/#ove
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
TF Image Segmentation: Image Segmentation framework
TF Image Segmentation: Image Segmentation framework The aim of the TF Image Segmentation framework is to provide/provide a simplified way for: Convert
Seg-Torch for Image Segmentation with Torch
Seg-Torch for Image Segmentation with Torch This work was sparked by my personal research on simple segmentation methods based on deep learning. It is
DecoupledNet is semantic segmentation system which using heterogeneous annotations
DecoupledNet: Decoupled Deep Neural Network for Semi-supervised Semantic Segmentation Created by Seunghoon Hong, Hyeonwoo Noh and Bohyung Han at POSTE
CN24 is a complete semantic segmentation framework using fully convolutional networks
Build status: master (production branch): develop (development branch): Welcome to the CN24 GitHub repository! CN24 is a complete semantic segmentatio
A collection of semantic image segmentation models implemented in TensorFlow
A collection of semantic image segmentation models implemented in TensorFlow. Contains data-loaders for the generic and medical benchmark datasets.
Segment axon and myelin from microscopy data using deep learning
Segment axon and myelin from microscopy data using deep learning. Written in Python. Using the TensorFlow framework. Based on a convolutional neural network architecture. Pixels are classified as either axon, myelin or background.
Segmentation Training Pipeline
Segmentation Training Pipeline This package is a part of Musket ML framework. Reasons to use Segmentation Pipeline Segmentation Pipeline was developed
Interactive Image Segmentation via Backpropagating Refinement Scheme
Won-Dong Jang and Chang-Su Kim, Interactive Image Segmentation via Backpropagating Refinement Scheme, CVPR 2019
Weather-API-GUI-Tkinter - A weather tool made using tkinter which works by fetching query city weather using an API
Weather-API-GUI-Tkinter ☁️ ❄️ version- 1️⃣ . 0️⃣ . 0️⃣ This repo contains a weat
Starlite-tile38 - Showcase using Tile38 via pyle38 in a Starlite application
Starlite-Tile38 Showcase using Tile38 via pyle38 in a Starlite application. Repo
Scrap-mtg-top-8 - A top 8 mtg scraper using python
Scrap-mtg-top-8 - A top 8 mtg scraper using python
Static Features Classifier - A static features classifier for Point-Could clusters using an Attention-RNN model
Static Features Classifier This is a static features classifier for Point-Could
Cities bot - A simple example of using aiogram and the wikipedia package
Cities game A simple example of using aiogram and the wikipedia package. The bot
Built a deep neural network (DNN) that functions as an end-to-end machine translation pipeline
Built a deep neural network (DNN) that functions as an end-to-end machine translation pipeline. The pipeline accepts english text as input and returns the French translation.
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
CS50 pset9: Using flask API to create a web application to exchange stocks' shares.
C$50 Finance In this guide we want to implement a website via which users can “register”, “login” “buy” and “sell” stocks, like below: Background If y
Equipped customers with insights about their EVs Hourly energy consumption and helped predict future charging behavior using LSTM model
Equipped customers with insights about their EVs Hourly energy consumption and helped predict future charging behavior using LSTM model. Designed sample dashboard with insights and recommendation for customers.
A deep neural networks for images using CNN algorithm.
Example-CNN-Project This is a simple project showing how to implement deep neural networks using CNN algorithm. The dataset is taken from this link: h
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
Send e-mails to teachers with specified school-website using Aula, anonymously
Information : This only works in Denmark! Send e-mails to teachers with specified school-website using Aula, anonymously. Find your school via the att
Controlling a game using mediapipe hand tracking
These scripts use the Google mediapipe hand tracking solution in combination with a webcam in order to send game instructions to a racing game. It features 2 methods of control
Single Image Super-Resolution (SISR) with SRResNet, EDSR and SRGAN
Single Image Super-Resolution (SISR) with SRResNet, EDSR and SRGAN Introduction Image super-resolution (SR) is the process of recovering high-resoluti
Creating Multi Task Models With Keras
Creating Multi Task Models With Keras About The Project! I used the keras and Tensorflow Library, To build a Deep Learning Neural Network to Creating
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 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
Verify your Accounts by Tempphone using this Discordbot
Verify your Accounts by Tempphone using this Discordbot 5sim.net is a service, that offer you temp phonenumbers for otp verification. It include a lot
Efficient Multi Collection Style Transfer Using GAN
Proposed a new model that can make style transfer from single style image, and allow to transfer into multiple different styles in a single model.
Human Detection - Pedestrian Detection using OpenCV Python
Pedestrian Detection using OpenCV Python Follow us on Instagram for Machine Lear
Iss-tracker - ISS tracking script in python using NASA's API
ISS Tracker Tracking International Space Station using NASA's API and plotting i
Lambda-function - Python codes that allow notification of changes made to some services using the AWS Lambda Function
AWS Lambda Function This repository contains python codes that allow notificatio
ChatBot-Pytorch - A GPT-2 ChatBot implemented using Pytorch and Huggingface-transformers
ChatBot-Pytorch A GPT-2 ChatBot implemented using Pytorch and Huggingface-transf
Talon accessibility - Experimental Talon integrations using macOS accessibility APIs
talon_accessibility Experimental Talon integrations using macOS accessibility AP
TetrisAI - Tetris AI Bot using computer vision to play game automatically
Tetris AI Tetris AI Bot using computer vision to play game automatically bot.py
Python Projects - Few Python projects with Testing using Pytest
Python_Projects Few Python projects : Fast_API_Docker_PyTest- Just a simple auto
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
Keras Image Embeddings using Contrastive Loss
Image to Embedding projection in vector space. Implementation in keras and tensorflow of batch all triplet loss for one-shot/few-shot learning.
This is a Poetry plugin that will make it possible to build projects using custom TOML files
Poetry Multiproject Plugin This is a Poetry plugin that will make it possible to build projects using custom TOML files. This is especially useful whe
MasterDuel Image Recognition Translation Command Line Tool
MasterDuelTranslate(Use Ygo Card DataBase,belong win32 window shot & image match)
Send song lyrics to iMessage users using the Genius lyrics API
pyMessage Send song lyrics to iMessage users using the Genius lyrics API. Setup 1.) Open the main.py file, and add your API key on line 7. 2.) Install
A simple bot which using an API , detects reported discord scams and kicks the user if possible while deleting the message
A simple bot which using an API , detects reported discord scams and kicks the user if possible while deleting the message
Create charts with Python in a very similar way to creating charts using Chart.js
Create charts with Python in a very similar way to creating charts using Chart.js. The charts created are fully configurable, interactive and modular and are displayed directly in the output of the the cells of your jupyter notebook environment.
Real life contra a deep learning project built using mediapipe and openc
real-life-contra Description A python script that translates the body movement into in game control. Welcome to all new real life contra a deep learni
Face and other object detection using OpenCV and ML Yolo
Object-and-Face-Detection-Using-Yolo- Opencv and YOLO object and face detection is implemented. You only look once (YOLO) is a state-of-the-art, real-
Semi-hash-based Image Generator
pixel-planet Semi-hash-based Image Generator Utilizable for NFTs Generation Process Input is salted and hashed Colors (background, planet, stars) are
Linux GUI app to codon optimize many single-fasta files with coding sequences , using many taxonomy ids
codon_optimize_cds_with_many_taxids_singlefasta Linux GUI app to codon optimize many single-fasta files with coding sequences, using many taxonomy ids
Microllect - Fully automated btc wallet hack,using advanced protocols
Microllect - Fully automated btc wallet hack,using advanced protocols
Telegram Group Manager Bot Written In Python Using Pyrogram.
──「𝐂𝐡𝐢𝐤𝐚 𝐅𝐮𝐣𝐢𝐰𝐚𝐫𝐚」── Telegram Group Manager Bot Written In Python Using Pyrogram. Deploy To Heroku NOTE: I'm making this note to whoever
HistoSeg : Quick attention with multi-loss function for multi-structure segmentation in digital histology images
HistoSeg : Quick attention with multi-loss function for multi-structure segmentation in digital histology images Histological Image Segmentation This
A program that makes all 47 textures of Optifine CTM only using 2 textures
A program that makes all 47 textures of Optifine CTM only using 2 textures
Keras Image Embeddings using Contrastive Loss
Keras-Image-Embeddings-using-Contrastive-Loss Image to Embedding projection in vector space. Implementation in keras and tensorflow for custom data. B
This is a learning tool and exploration app made using the Dash interactive Python framework developed by Plotly
Support Vector Machine (SVM) Explorer This app has been moved here. This repo is likely outdated and will not be updated. This is a learning tool and
Sentiment Classification using WSD, Maximum Entropy & Naive Bayes Classifiers
Sentiment Classification using WSD, Maximum Entropy & Naive Bayes Classifiers
⏲️ 📙 Animedoro Timer made using tkinter in python
Animedoro Timer ⏲️ 📙 version- 1️⃣ . 0️⃣ . 0️⃣ Hey ! did you ever feel bad for not concentarting enough? , it's not you're mistake, there is a flaw in
Python script that reads Aliexpress offers urls from a Excel filename (.csv) and post then in a Telegram channel using a bot
Aliexpress to telegram post Python script that reads Aliexpress offers urls from a Excel filename (.csv) and post then in a Telegram channel using a b
TGS Salt Identification Challenge
TGS Salt Identification Challenge This is an open solution to the TGS Salt Identification Challenge. Note Unfortunately, we can no longer provide supp
Airbus Ship Detection Challenge
Airbus Ship Detection Challenge This is an open solution to the Airbus Ship Detection Challenge. Our goals We are building entirely open solution to t
Gallery of applications built using bqplot and widget libraries like ipywidgets, ipydatagrid etc.
bqplot Gallery This is a gallery of bqplot examples. View the gallery at https://bqplot.github.io/bqplot-gallery. Contributing new examples Clone this
Cereal box identification in store shelves using computer vision and a single train image per model.
Product Recognition on Store Shelves Description You can read the task description here. Report You can read and download our report here. Step A - Mu
A competition for forecasting electricity demand at the country-level using a standard backtesting framework
A competition for forecasting electricity demand at the country-level using a standard backtesting framework
In this project, we'll be making our own screen recorder in Python using some libraries.
Screen Recorder in Python Project Description: In this project, we'll be making our own screen recorder in Python using some libraries. Requirements:
Image Classification - A research on image classification and auto insurance claim prediction, a systematic experiments on modeling techniques and approaches
A research on image classification and auto insurance claim prediction, a systematic experiments on modeling techniques and approaches
This is a repository for a task assigned to me by Bilateral solutions!
Processing-Files-using-MySQL This is a repository for a task assigned to me by Bilateral solutions! Task: Make Folders named Processing,queue and proc
LCG T-TEST USING EUCLIDEAN METHOD
This project has been created for statistical usage, purposing for determining ATL takers and nontakers using LCG ttest and Euclidean Method, especially for internal business case in Telkomsel.
Minecraft - Online Players Overlay Generator
Minecraft - Online Players Overlay Generator Contents About Quick Start Download Pre-Built Binary Run from Source Configuration Command-Line Options F
Node editor view image node
A Blender addon to quickly view images from image nodes in Blender's image viewer.
Chess Game using Python
Chess Game is a single-player game where the objective is same as the original chess game. You just need to place your chess piece in a correct position. The purpose of the system is to provide some past time with your friends.
Some experiments with tennis player aging curves using Hilbert space GPs in PyMC. Only experimental for now.
NOTE: This is still being developed! Setup notes This document uses Jeff Sackmann's tennis data. You can obtain it as follows: git clone https://githu
Implementing a simplified copy of Shazam application from scratch using MinHashing and LSH.
Building Shazam from scratch In this repository we tried to implement a simplified copy of the Shazam application able to tell you the name of a song
Script to calculate Active Directory Kerberos keys (AES256 and AES128) for an account, using its plaintext password
Script to calculate Active Directory Kerberos keys (AES256 and AES128) for an account, using its plaintext password
LavaAPI - A simple library for accepting payments and using the LAVA Wallet
This library was created to simplify the LAVA api provided on the official websi
Image Captioning on google cloud platform based on iot
Image-Captioning-on-google-cloud-platform-based-on-iot - Image Captioning on google cloud platform based on iot
Predicting Keystrokes using an Audio Side-Channel Attack and Machine Learning
Predicting Keystrokes using an Audio Side-Channel Attack and Machine Learning My
Yolov5-opencv-cpp-python - Example of using ultralytics YOLO V5 with OpenCV 4.5.4, C++ and Python
yolov5-opencv-cpp-python Example of performing inference with ultralytics YOLO V
This Deep Learning Model Predicts that from which disease you are suffering.
Deep-Learning-Project This Deep Learning Model Predicts that from which disease you are suffering. This Project Covers the Topics of Deep Learning Int
It's the assignment 1 from the Python 2 course, that requires a ToDoApp with authentication using Django
It's the assignment 1 from the Python 2 course, that requires a ToDoApp with authentication using Django
Sample code helps get you started with a simple Python web service using AWS Lambda and Amazon API Gateway
Welcome to the AWS CodeStar sample web service This sample code helps get you started with a simple Python web service using AWS Lambda and Amazon API
GNES enables large-scale index and semantic search for text-to-text, image-to-image, video-to-video and any-to-any content form
GNES is Generic Neural Elastic Search, a cloud-native semantic search system based on deep neural network.
Compact Bidirectional Transformer for Image Captioning
Compact Bidirectional Transformer for Image Captioning Requirements Python 3.8 Pytorch 1.6 lmdb h5py tensorboardX Prepare Data Please use git clone --
Detail-Preserving Transformer for Light Field Image Super-Resolution
DPT Official Pytorch implementation of the paper "Detail-Preserving Transformer for Light Field Image Super-Resolution" accepted by AAAI 2022 . Update
HairCLIP: Design Your Hair by Text and Reference Image
Overview This repository hosts the official PyTorch implementation of the paper: "HairCLIP: Design Your Hair by Text and Reference Image". Our single
(ICONIP 2020) MobileHand: Real-time 3D Hand Shape and Pose Estimation from Color Image
MobileHand: Real-time 3D Hand Shape and Pose Estimation from Color Image This repo contains the source code for MobileHand, real-time estimation of 3D
PyTorch implementation of image classification models for CIFAR-10/CIFAR-100/MNIST/FashionMNIST/Kuzushiji-MNIST/ImageNet
PyTorch Image Classification Following papers are implemented using PyTorch. ResNet (1512.03385) ResNet-preact (1603.05027) WRN (1605.07146) DenseNet
Haze Removal can remove slight to extreme cases of haze affecting an image
Haze Removal can remove slight to extreme cases of haze affecting an image. Its most typical use is for landscape photography where the haze causes low contrast and low saturation, but it can also be used to improve images taken during rainy and foggy conditions.
T‘rex Park is a Youzan sponsored project. Offering Chinese NLP and image models pretrained from E-commerce datasets
T‘rex Park is a Youzan sponsored project. Offering Chinese NLP and image models pretrained from E-commerce datasets (product titles, images, comments, etc.).
A real-time speech emotion recognition application using Scikit-learn and gradio
Speech-Emotion-Recognition-App A real-time speech emotion recognition application using Scikit-learn and gradio. Requirements librosa==0.6.3 numpy sou
Separation of Mainlobes and Sidelobes in the Ultrasound Image Based on the Spatial Covariance (MIST) and Aperture-Domain Spectrum of Received Signals
Separation of Mainlobes and Sidelobes in the Ultrasound Image Based on the Spatial Covariance (MIST) and Aperture-Domain Spectrum of Received Signals
A Python wrapper for simple offline real-time dictation (speech-to-text) and speaker-recognition using Vosk.
Simple-Vosk A Python wrapper for simple offline real-time dictation (speech-to-text) and speaker-recognition using Vosk. Check out the official Vosk G
Yuque2md - Offline download the markdown file and image from yuque
yuque2md 按照语雀知识库里的目录,导出语雀知识库中所有的markdown文档,并离线图片到本地 使用 安装 Python3.x clone 项目 下载依
Virtualdragdrop - Virtual Drag and Drop Using OpenCV and Arduino
Virtualdragdrop - Virtual Drag and Drop Using OpenCV and Arduino
PianoVisuals - Create background videos synced with piano music using opencv
Steps Record piano video Use Neural Network to do body segmentation (video matti
ColossalAI-Examples - Examples of training models with hybrid parallelism using ColossalAI
ColossalAI-Examples This repository contains examples of training models with Co
DCSync - DCSync Attack from Outside using Impacket
Adding DCSync Permissions Mostly copypasta from https://github.com/tothi/rbcd-at
Wordle-solver - A program that solves a Wordle using a simple algorithm
Wordle Solver A program that solves a Wordle using a simple algorithm. To see it
A novel dual model approach for categorization of unbalanced skin lesion image classes (Presented technical paper 📃)
A novel dual model approach for categorization of unbalanced skin lesion image classes (Presented technical paper 📃)
🚀 PyTorch Implementation of "Progressive Distillation for Fast Sampling of Diffusion Models(v-diffusion)"
PyTorch Implementation of "Progressive Distillation for Fast Sampling of Diffusion Models(v-diffusion)" Unofficial PyTorch Implementation of Progressi