2446 Repositories
Python bing-image-downloader-app Libraries
Pnuemonia Normal detection by using XRay images.
Pnuemonia Normal detection by using XRay images. Got image datas from kaggle(link is given in sources.txt file) also normal xray images from other site (also link is given) in order to avoid data disbalancing.
[NeurIPS 2021] Deceive D: Adaptive Pseudo Augmentation for GAN Training with Limited Data
Deceive D: Adaptive Pseudo Augmentation for GAN Training with Limited Data (NeurIPS 2021) This repository will provide the official PyTorch implementa
The codes and related files to reproduce the results for Image Similarity Challenge Track 2.
ISC-Track2-Submission The codes and related files to reproduce the results for Image Similarity Challenge Track 2. Required dependencies To begin with
The codes and related files to reproduce the results for Image Similarity Challenge Track 1.
ISC-Track1-Submission The codes and related files to reproduce the results for Image Similarity Challenge Track 1. Required dependencies To begin with
Large-scale Hyperspectral Image Clustering Using Contrastive Learning, CIKM 21 Workshop
Spectral-spatial contrastive clustering (SSCC) Yaoming Cai, Yan Liu, Zijia Zhang, Zhihua Cai, and Xiaobo Liu, Large-scale Hyperspectral Image Clusteri
A simple Python script to convert multiple images (well technically also a single image) into a pdf.
PythonImage2PDF A simple Python script to convert multiple images into a single PDF-document. Created basically for only my own needs for converting m
imgAnalyser - Un script pour obtenir la liste des pixels d'une image correspondant à plusieurs couleurs
imgAnalyser - Un script pour obtenir la liste des pixels d'une image correspondant à plusieurs couleurs Ce script à pour but, à partir d'une image, de
Image processing using OpenCv
Image processing using OpenCv Write a program that opens the webcam, and the user selects one of the following on the video: ✅ If the user presses the
Mobile based API for Crunchyroll BETA (and Downloader).
Mobile based API for Crunchyroll BETA (and Downloader). Not restricted on servers and NO CLOUDFLARE
Fast Image Retrieval is an open source image retrieval framework
Fast Image Retrieval is an open source image retrieval framework release by Center of Image and Signal Processing Lab (CISiP Lab), Universiti Malaya. This framework implements most of the major binary hashing methods, together with both popular backbone networks and public datasets.
Audio/Video downloader
youtubeDownloader Audio/Video downloader • The project downloads audio/video/both after link is entered • It also shows total size of the file, time l
Interactive Web App with Streamlit and Scikit-learn that applies different Classification algorithms to popular datasets
Interactive Web App with Streamlit and Scikit-learn that applies different Classification algorithms to popular datasets Datasets Used: Iris dataset,
Python framework to build apps with the GASP metaphor
Gaspium Python framework to build apps with the GASP metaphor This project is part of the Pyrustic Open Ecosystem. Installation | Documentation | Late
A Gtk based Image Selector with Preview
gtk-image-selector This is an attempt to restore Gtk Image Chooser "lost functionality": displaying an image preview when selecting images... This is
An open source app to help calm you down when needed.
By: Seanpm2001, Et; Al. Top README.md Read this article in a different language Sorted by: A-Z Sorting options unavailable ( af Afrikaans Afrikaans |
Spectralformer: Rethinking hyperspectral image classification with transformers
The code in this toolbox implements the "Spectralformer: Rethinking hyperspectral image classification with transformers". More specifically, it is detailed as follow.
PyTorch implementation of UNet++ (Nested U-Net).
PyTorch implementation of UNet++ (Nested U-Net) This repository contains code for a image segmentation model based on UNet++: A Nested U-Net Architect
Code for our paper "Multi-scale Guided Attention for Medical Image Segmentation"
Medical Image Segmentation with Guided Attention This repository contains the code of our paper: "'Multi-scale self-guided attention for medical image
Implementation for paper LadderNet: Multi-path networks based on U-Net for medical image segmentation
Implementation for paper LadderNet: Multi-path networks based on U-Net for medical image segmentation This implementation is based on orobix implement
Use of Attention Gates in a Convolutional Neural Network / Medical Image Classification and Segmentation
Attention Gated Networks (Image Classification & Segmentation) Pytorch implementation of attention gates used in U-Net and VGG-16 models. The framewor
Full Resolution Residual Networks for Semantic Image Segmentation
Full-Resolution Residual Networks (FRRN) This repository contains code to train and qualitatively evaluate Full-Resolution Residual Networks (FRRNs) a
RefineNet: Multi-Path Refinement Networks for High-Resolution Semantic Segmentation
Multipath RefineNet A MATLAB based framework for semantic image segmentation and general dense prediction tasks on images. This is the source code for
Keras implementation of Real-Time Semantic Segmentation on High-Resolution Images
Keras-ICNet [paper] Keras implementation of Real-Time Semantic Segmentation on High-Resolution Images. Training in progress! Requisites Python 3.6.3 K
Dilated Convolution for Semantic Image Segmentation
Multi-Scale Context Aggregation by Dilated Convolutions Introduction Properties of dilated convolution are discussed in our ICLR 2016 conference paper
DilatedNet in Keras for image segmentation
Keras implementation of DilatedNet for semantic segmentation A native Keras implementation of semantic segmentation according to Multi-Scale Context A
Fully Convolutional DenseNet (A.K.A 100 layer tiramisu) for semantic segmentation of images implemented in TensorFlow.
FC-DenseNet-Tensorflow This is a re-implementation of the 100 layer tiramisu, technically a fully convolutional DenseNet, in TensorFlow (Tiramisu). Th
A MatConvNet-based implementation of the Fully-Convolutional Networks for image segmentation
MatConvNet implementation of the FCN models for semantic segmentation This package contains an implementation of the FCN models (training and evaluati
Train DeepLab for Semantic Image Segmentation
Train DeepLab for Semantic Image Segmentation Martin Kersner, [email protected] This repository contains scripts for training DeepLab for Semantic I
This is an (re-)implementation of DeepLab-ResNet in TensorFlow for semantic image segmentation on the PASCAL VOC dataset.
DeepLab-ResNet-TensorFlow This is an (re-)implementation of DeepLab-ResNet in TensorFlow for semantic image segmentation on the PASCAL VOC dataset. Up
DeepLab is a state-of-art deep learning system for semantic image segmentation built on top of Caffe.
DeepLab Introduction DeepLab is a state-of-art deep learning system for semantic image segmentation built on top of Caffe. It combines densely-compute
A Deep Convolutional Encoder-Decoder Architecture for Image Segmentation
Segnet is deep fully convolutional neural network architecture for semantic pixel-wise segmentation. This is implementation of http://arxiv.org/pdf/15
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
Python library with Neural Networks for Image Segmentation based on Keras and TensorFlow. The main features of this library are: High level API (just
UNet model with VGG11 encoder pre-trained on Kaggle Carvana dataset
TernausNet: U-Net with VGG11 Encoder Pre-Trained on ImageNet for Image Segmentation By Vladimir Iglovikov and Alexey Shvets Introduction TernausNet is
Implementation of Segnet, FCN, UNet , PSPNet and other models in Keras.
Image Segmentation Keras : Implementation of Segnet, FCN, UNet, PSPNet and other models in Keras. Implementation of various Deep Image Segmentation mo
Generic U-Net Tensorflow implementation for image segmentation
Tensorflow Unet Warning This project is discontinued in favour of a Tensorflow 2 compatible reimplementation of this project found under https://githu
U-Net: Convolutional Networks for Biomedical Image Segmentation
Deep Learning Tutorial for Kaggle Ultrasound Nerve Segmentation competition, using Keras This tutorial shows how to use Keras library to build deep ne
Modification of convolutional neural net "UNET" for image segmentation in Keras framework
ZF_UNET_224 Pretrained Model Modification of convolutional neural net "UNET" for image segmentation in Keras framework Requirements Python 3.*, Keras
unet for image segmentation
Implementation of deep learning framework -- Unet, using Keras The architecture was inspired by U-Net: Convolutional Networks for Biomedical Image Seg
The app gets your sutitle.srt and proccess it to extract sentences
DubbingAssistants This app gets your sutitle.srt and proccess it to extract sentences, and also find Start time and End time of them. Step 1: install
Official Python implementation of the 'Sparse deconvolution'-v0.3.0
Sparse deconvolution Python v0.3.0 Official Python implementation of the 'Sparse deconvolution', and the CPU (NumPy) and GPU (CuPy) calculation backen
Wrapper around anjlab's Android In-app Billing Version 3 to be used in Kivy apps
IABwrapper Wrapper around anjlab's Android In-app Billing Version 3 to be used in Kivy apps Install pip install iabwrapper Important ( Add these into
A package to fetch sentinel 2 Satellite data from Google.
Sentinel 2 Data Fetcher Installation Create a Virtual Environment and activate it. python3 -m venv venv . venv/bin/activate Install the Package via pi
CNN Based Meta-Learning for Noisy Image Classification and Template Matching
CNN Based Meta-Learning for Noisy Image Classification and Template Matching Introduction This master thesis used a few-shot meta learning approach to
PyQT5 app that colorize black & white pictures using CNN(use pre-trained model which was made with OpenCV)
About PyQT5 app that colorize black & white pictures using CNN(use pre-trained model which was made with OpenCV) Colorizor Приложение для проекта Yand
The Curious Layperson: Fine-Grained Image Recognition without Expert Labels (BMVC 2021)
The Curious Layperson: Fine-Grained Image Recognition without Expert Labels Subhabrata Choudhury, Iro Laina, Christian Rupprecht, Andrea Vedaldi Code
A criticism of a recent paper on buggy image downsampling methods in popular image processing and deep learning libraries.
A criticism of a recent paper on buggy image downsampling methods in popular image processing and deep learning libraries.
[CVPR'20] TTSR: Learning Texture Transformer Network for Image Super-Resolution
TTSR Official PyTorch implementation of the paper Learning Texture Transformer Network for Image Super-Resolution accepted in CVPR 2020. Contents Intr
PyQT5 app for LOLBAS and GTFOBins
LOLBins PyQT app to list all Living Off The Land Binaries and Scripts for Windows from LOLBAS and Unix binaries that can be used to bypass local secur
How to use Microsoft Bing to search for leaks?
Installation In order to install the project, you need install its dependencies: $ pip3 install -r requirements.txt Add your Bing API key to bingKey.t
A small Python app to converse between MQTT messages and 433MHz RF signals.
mqtt-rf-bridge A small Python app to converse between MQTT messages and 433MHz RF signals. This acts as a bridge between Paho MQTT and rpi-rf. Require
Screenhook is a script that captures an image of a web page and send it to a discord webhook.
screenshot from the web for discord webhooks screenhook is a script that captures an image of a web page and send it to a discord webhook.
💬 Send iMessages using Python through the Shortcuts app.
py-imessage-shortcuts Send iMessages using Python through the Shortcuts app. Requires macOS Monterey (macOS 12) or later. Compatible with Apple Silico
Half Instance Normalization Network for Image Restoration
HINet Half Instance Normalization Network for Image Restoration, based on https://github.com/megvii-model/HINet. Dependencies NumPy PyTorch, preferabl
App to get data from popular polish pages with job offers
Job board parser I written simple app to get me data from popular pages with job offers, because I wanted to knew immidietly if there is some new offe
Docker image for epicseven gvg qq chatbot based on Xunbot
XUN_Langskip XUN 是一个基于 NoneBot 和 酷Q 的功能型QQ机器人,目前提供了音乐点播、音乐推荐、天气查询、RSSHub订阅、使用帮助、识图、识番、搜番、上车、磁力搜索、地震速报、计算、日语词典、翻译、自我检查,权限等级功能,由于是为了完成自己在群里的承诺,一时兴起才做的,所
Bulk convert image types with Python
Bulk Image Converter 🔥 Helper script to convert a folder's worth of images from one filetype to another, and optionally delete originals Use Setup /
A YouTube downloader which allows you to choose which video you want
Youtube Video Downloader Download multiple videos in one go! How to Use 1.First type the video you want to download 2.On clicking the Search button yo
Web Downloader With Python
Web Downloader Introduction This module will provide API to download the webpage components : html file, image file, css fil, javascript file, href li
Blind Image Super-resolution with Elaborate Degradation Modeling on Noise and Kernel
Blind Image Super-resolution with Elaborate Degradation Modeling on Noise and Kernel This repository is the official PyTorch implementation of BSRDM w
A PyTorch Image-Classification With AlexNet And ResNet50.
PyTorch 图像分类 依赖库的下载与安装 在终端中执行 pip install -r -requirements.txt 完成项目依赖库的安装 使用方式 数据集的准备 STL10 数据集 下载:STL-10 Dataset 存储位置:将下载后的数据集中 train_X.bin,train_y.b
Simple Calculator Mobile Apps
Simple Calculator Mobile Apps Screenshoot If you want to try it please click the link below to download, this application is 100% safe no virus. link
Hide secret data within a digital image using good ol' terminal
pystego Hide secret data within a digital image using good ol' terminal Installation The recommended way for installing this package is using, python
Weakly Supervised 3D Object Detection from Point Cloud with Only Image Level Annotation
SCCKTIM Weakly Supervised 3D Object Detection from Point Cloud with Only Image-Level Annotation Our code will be available soon. The class knowledge t
Pytube ve tkinter kütüphanesi ile yapmış olduğum basit ve temel bir youtube video indirme programı.
PyTube Pytube ve tkinter kütüphanesi ile yapmış olduğum basit ve temel bir youtube video indirme programı. Videolar 720p çözünürlükte indirilmektedir.
A simple GUI video downloader built off of the python module 'yt-dlp'
Simple-Youtube-DL-Gui Supported Operating Systems Windows 7 (x64), Windows 8 (x64), and Windows 10 (x64) How to use Main Gui Extract program from arch
ProsePainter combines direct digital painting with real-time guided machine-learning based image optimization.
ProsePainter Create images by painting with words. ProsePainter combines direct digital painting with real-time guided machine-learning based image op
Aydin is a user-friendly, feature-rich, and fast image denoising tool
Aydin is a user-friendly, feature-rich, and fast image denoising tool that provides a number of self-supervised, auto-tuned, and unsupervised image denoising algorithms.
This project uses Template Matching technique for object detecting by detection of template image over base image.
Object Detection Project Using OpenCV This project uses Template Matching technique for object detecting by detection the template image over base ima
This repo. is an implementation of ACFFNet, which is accepted for in Image and Vision Computing.
Attention-Guided-Contextual-Feature-Fusion-Network-for-Salient-Object-Detection This repo. is an implementation of ACFFNet, which is accepted for in I
MATLAB codes of the book "Digital Image Processing Fourth Edition" converted to Python
Digital Image Processing Python MATLAB codes of the book "Digital Image Processing Fourth Edition" converted to Python TO-DO: Refactor scripts, curren
Flexible-CLmser: Regularized Feedback Connections for Biomedical Image Segmentation
Flexible-CLmser: Regularized Feedback Connections for Biomedical Image Segmentation The skip connections in U-Net pass features from the levels of enc
Facial Image Inpainting with Semantic Control
Facial Image Inpainting with Semantic Control In this repo, we provide a model for the controllable facial image inpainting task. This model enables u
HyperBlend is a new type of hyperspectral image simulator based on Blender.
HyperBlend version 0.1.0 This is the HyperBlend leaf spectra simulator developed in Spectral Laboratory of University of Jyväskylä. You can use and mo
Alphabetical Letter Recognition
BayeesNetworks-Image-Classification Alphabetical Letter Recognition In these demo we are using "Bayees Networks" Our database is composed by Learning
Alphabetical Letter Recognition
DecisionTrees-Image-Classification Alphabetical Letter Recognition In these demo we are using "Decision Trees" Our database is composed by Learning Im
A script that downloads YouTube videos/audio
YouTube-Downloader A script that downloads YouTube videos/audio from youtube. Usage Download the script by executing the following in your terminal :
A simple polling app made in Django and Bootstrap
DjangoPolls A Simple Polling app made with Django Instructions Make sure you have Python installed Step 1. Open a terminal Step 2. Paste the given cod
Python module providing a framework to trace individual edges in an image using Gaussian process regression.
Edge Tracing using Gaussian Process Regression Repository storing python module which implements a framework to trace individual edges in an image usi
Image Segmentation using U-Net, U-Net with skip connections and M-Net architectures
Brain-Image-Segmentation Segmentation of brain tissues in MRI image has a number of applications in diagnosis, surgical planning, and treatment of bra
code for paper -- "Seamless Satellite-image Synthesis"
Seamless Satellite-image Synthesis by Jialin Zhu and Tom Kelly. Project site. The code of our models borrows heavily from the BicycleGAN repository an
Machine-in-the-Loop Rewriting for Creative Image Captioning
Machine-in-the-Loop Rewriting for Creative Image Captioning Data Annotated sources of data used in the paper: Data Source URL Mohammed et al. Link Gor
My implementation of Image Inpainting - A deep learning Inpainting model
Image Inpainting What is Image Inpainting Image inpainting is a restorative process that allows for the fixing or removal of unwanted parts within ima
An app to automatically take attendance by scanning students' bar coded ID card as they enter the classroom.
Auto Classroom Attendance This application may be run on a PC to automatically scan students' ID card using a generic bar code scanner and output the
Zotero references script (and app)
A little script (and PyInstaller build) for a very specific, somewhat hack-ish purpose: managing and exporting project references with Zotero and its API.
Unofficial PyTorch implementation of the Adaptive Convolution architecture for image style transfer
AdaConv Unofficial PyTorch implementation of the Adaptive Convolution architecture for image style transfer from "Adaptive Convolutions for Structure-
Panel Competition Image Generator
Panel Competition Image Generator This project was build by a member of the NFH community and is open for everyone who wants to try it. Relevant links
TensorFlow 2 implementation of the Yahoo Open-NSFW model
TensorFlow 2 implementation of the Yahoo Open-NSFW model
A terminal utility to sort image files based on their characteristics.
About A terminal utility to sort image files based on their characteristics. Motivation This program was developed after I've realized that I had too
Penguins species predictor app is used to classify penguins species created using python's scikit-learn, fastapi, numpy and joblib packages.
Penguins Classification App Penguins species predictor app is used to classify penguins species using their island, sex, bill length (mm), bill depth
Underwater image enhancement
LANet Our work proposes an adaptive learning attention network (LANet) to solve the problem of color casts and low illumination in underwater images.
A person does not exist image bot
A person does not exist image bot
An IoT Trivia app that shows you how to take a JSON web API such as the opentdb.com API and stream and display it on a FeatherS2 in an OLED display.
CircuitPython IoT Trivia ESP32-S2 OLED Version An IoT Trivia app that shows you how to take a JSON web API such as the opentdb.com API and stream and
A not exist person image generator python module
A not exist person image generator python module
Web app for spotify playlist management with last.fm integration
Music Tools Set of utility tools for Spotify and Last.fm. Built on my other libraries for Spotify (spotframework), Last.fm (fmframework) and interfaci
Simple tools for the Horse Reality webgame
Realtools (Web Tools for Horse Reality) These tools were made on request from a close friend of mine who plays this game. A live instance can be found
Introduction to image processing, most used and popular functions of OpenCV
👀 OpenCV 101 Introduction to image processing, most used and popular functions of OpenCV go here.
Kanmail - An email client that functions like a kanban board, for Mac/Windows/Docker
Kanmail - An email client that functions like a kanban board, for Mac/Windows/Docker
A collection of differentiable SVD methods and also the official implementation of the ICCV21 paper "Why Approximate Matrix Square Root Outperforms Accurate SVD in Global Covariance Pooling?"
Differentiable SVD Introduction This repository contains: The official Pytorch implementation of ICCV21 paper Why Approximate Matrix Square Root Outpe
PaddlePaddle GAN library, including lots of interesting applications like First-Order motion transfer, wav2lip, picture repair, image editing, photo2cartoon, image style transfer, and so on.
English | 简体中文 PaddleGAN PaddleGAN provides developers with high-performance implementation of classic and SOTA Generative Adversarial Networks, and s
Code and models for "Rethinking Deep Image Prior for Denoising" (ICCV 2021)
DIP-denosing This is a code repo for Rethinking Deep Image Prior for Denoising (ICCV 2021). Addressing the relationship between Deep image prior and e