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

GitHub topics: contrast-enhancement

zhihongz/awesome-low-light-image-enhancement

This is a resouce list for low light image enhancement

Language: MATLAB - Size: 18 MB - Last synced at: about 21 hours ago - Pushed at: about 2 months ago - Stars: 1,645 - Forks: 230

CodeRafay/xray-image-enhancement

X-ray image preprocessing with Gamma Correction, Histogram Equalization, and Contrast Stretching for better medical analysis.

Language: Jupyter Notebook - Size: 703 KB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 0 - Forks: 0

lafith/pymusica

A contrast enhancement approach involving non linear mapping of Laplacian pyramid.

Language: Python - Size: 717 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 20 - Forks: 7

VincentStimper/mclahe

NumPy and Tensorflow implementation of the Multidimensional Contrast Limited Adaptive Histogram Equalization (MCLAHE) procedure

Language: Python - Size: 16.8 MB - Last synced at: 1 day ago - Pushed at: about 3 years ago - Stars: 49 - Forks: 6

aligh993/Image_Processing

Image Processing and Computer Vision Projects

Language: MATLAB - Size: 49 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Mamdasn/im2dhisteq

This module attempts to enhance contrast of a given image by equalizing its two dimensional histogram.

Language: Python - Size: 33.2 MB - Last synced at: 22 days ago - Pushed at: over 1 year ago - Stars: 27 - Forks: 0

hahnec/rf-ulm

RF-ULM: Ultrasound Localization Microscopy Learned from Radio-Frequency Wavefronts

Language: Python - Size: 122 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 28 - Forks: 9

swz30/MIRNetv2

[TPAMI 2022] Learning Enriched Features for Fast Image Restoration and Enhancement. Results on Defocus Deblurring, Denoising, Super-resolution, and image enhancement

Language: Python - Size: 4.37 MB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 447 - Forks: 60

imfing/CEIQ

:art: Code for "No-Reference Quality Assessment of Contrast-Distorted Images using Contrast Enhancement" by J. Yan, J. Li, X. Fu

Language: C - Size: 1.74 MB - Last synced at: about 20 hours ago - Pushed at: over 7 years ago - Stars: 41 - Forks: 7

RichardObi/SimulatingDCE

Official repository of "Simulating Dynamic Tumor Contrast Enhancement in Breast MRI using Conditional Generative Adversarial Networks"

Language: Python - Size: 135 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 3 - Forks: 0

RichardObi/ccnet

Official repository of "Towards Learning Contrast Kinetics with Multi-Condition Latent Diffusion Models"

Language: Python - Size: 30.9 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 4 - Forks: 1

hofmannu/CLAHE3D

A volume processing toolbox written in C++ and CUDA. Works as standalone C++ application or with a dedicated GUI.

Language: C++ - Size: 11.3 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 4 - Forks: 0

baidut/OpenCE

Contrast Enhancement Techniques for low-light images

Language: Matlab - Size: 24.6 MB - Last synced at: 5 months ago - Pushed at: about 7 years ago - Stars: 517 - Forks: 151

qi-zohair/Contrast-enhancement-of-MR-images-using-S-curve-transforms-with-logarithmic-image-processing

Contrast enhancement using S-curve transforms with logarithmic image processing

Language: MATLAB - Size: 0 Bytes - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

qi-zohair/Contrast-enhancement-of-scanning-electron-microscopy-images-using-a-noncomplex-multiphase-algorithm

Contrast enhancement of SEM images

Language: MATLAB - Size: 1.87 MB - Last synced at: 5 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

Myndex/max-contrast

Send it the background color, returns black or white whichever is maximum Lc value

Language: JavaScript - Size: 6.9 MB - Last synced at: 4 months ago - Pushed at: about 2 years ago - Stars: 11 - Forks: 0

RAHULPATEL2002/grayscale-image-processing-operations

This repository contains MATLAB scripts for performing basic image processing tasks on grayscale images, including brightness and contrast adjustments, negative image creation, and arithmetic operations (addition, subtraction, multiplication, division) between two images.

Language: MATLAB - Size: 5.86 KB - Last synced at: 6 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

josgard94/Image-processing-Algorithm-Contrast-Limited-Adaptative-Histogram-Qualization-CLAHE

In this reprositorio the CLAHE technique (Contrast limited adaptive histogram equalization) is presented, in the area of image processing one of the most used functions is the enhancement contrast, this technique is used when an image has a deficient contrast. Moreover, CLAHE was originally developed for medical imaging and has been shown to be successful in low-contrast imaging.

Language: MATLAB - Size: 1.71 MB - Last synced at: 5 months ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 2

seanpstanley/hue-dat-boy

Color contrast checker for WCAG and APCA accessibility standards, with some additional features.

Language: TypeScript - Size: 545 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

kurwayellow0581/Enhanced-Vision-Tool

Enhanced Vision Tool is a utility designed to enhance visibility and provide an optimized experience for users in supported applications. By offering customizable settings and real-time visual adjustments, this tool helps improve situational awareness. ๐Ÿš€๐ŸŒŸ

Size: 7.81 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

daviskregers/Color-Image-Processing

Some projects made while taking a course `Color Image Processing`. Written in Pascal.

Language: Pascal - Size: 16.4 MB - Last synced at: 6 months ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 1

tom-uchida/brightness-adjustment

Adjust brightness of an image automatically

Language: Python - Size: 70.2 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0

Mamdasn/imWeightedThresholdedheq

This module attempts to enhance contrast of a given image or video by employing a method called weighted thresholded histogram equalization (WTHE).

Language: Python - Size: 43.1 MB - Last synced at: 10 days ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 0

AIM-Harvard/DeepContrast

A deep learning-based fully-automatic intravenous contrast detection tool for head-and-neck and chest CT scans.

Language: Python - Size: 494 MB - Last synced at: 2 months ago - Pushed at: about 2 years ago - Stars: 22 - Forks: 4

AriyanMLZM/matlab-image-processing

๐Ÿ–ผ๏ธ Image processing project with implementing different transforms using Matlab power.

Language: MATLAB - Size: 1.89 MB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

dimimal/dual_gamma_clahe

Language: Python - Size: 1.68 MB - Last synced at: 9 months ago - Pushed at: over 3 years ago - Stars: 12 - Forks: 0

hahnec/gulm

Geometric Ultrasound Localization Microscopy (MICCAI 23): Ellipse Intersections from Time-Difference-of-Arrival signals

Language: Python - Size: 4.99 MB - Last synced at: 5 months ago - Pushed at: about 1 year ago - Stars: 4 - Forks: 1

FoxinSnow/Maximse-Local-Contrast

Python scripts for maximising signal local contrast.

Language: Python - Size: 57.6 KB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 1

DeepLearningBPMI/Natural-Algorithm-Inspired-Contrast-Enhancement

This repository contains the implementation of image contrast enhancement techniques using a hybrid approach that integrates Ant Colony Optimization (ACO), Genetic Algorithm (GA), and Simulated Annealing (SA). The algorithms have been designed to improve the visual quality of images by enhancing their contrast.

Language: Python - Size: 5.77 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Fay-Balhareth/Lab-5

This lab explores essential image enhancement techniques using OpenCV in Python. Tasks include Contrast Stretching, Thresholding and Half Toning, Histogram Equalization, and Histogram Matching.

Language: Jupyter Notebook - Size: 3.62 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Ahmed-Naseer-01/MIRNETv2-FASTER_RCNN

Images and video restoration in multiple-stages using MIRNETv2 model, additionally object detection on images and video through FASTER-RCNN . And complete web application in flask including responsive front-end

Language: Python - Size: 238 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

marcojalenyu/agcwder

Web application implementation of Efficient Contrast Enhancement Using Adaptive Gamma Correction With Weighting Distribution (AGCWD).

Language: HTML - Size: 257 KB - Last synced at: 9 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

Aalaa4444/Image_Histogram_Analysis

Perform Histogram Analysis and perform various histogram-based enhancements, including histogram shift, histogram equalization, and contrast stretching. These techniques aim to improve the visual quality and enhance the contrast of digital images.

Language: Jupyter Notebook - Size: 913 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

milahu/document-photo-auto-threshold

auto-correct contrast and brightness of photographed document

Language: Python - Size: 6.84 KB - Last synced at: 5 months ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 0

nttcslab/rg-cache

Code for the paper "Reflectance-guided, contrast-accumulated histogram equalization" published in ICASSP 2020.

Language: MATLAB - Size: 957 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 9 - Forks: 1

nttcslab/rope

Code of the paper "Reflectance-oriented probabilistic equalization for image enhancement" published in ICASSP 2021.

Language: MATLAB - Size: 632 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 0

Mamdasn/imhblpce

This module attempts to enhance contrast of a given image by employing a method called HBLPCE.

Language: Python - Size: 7.3 MB - Last synced at: 5 days ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 0

Gdahuks/Image_contrast_enhancement

ImageContrastEnhancement is a demonstration of the capabilities of convolutional genetic algorithms in image processing, specifically in the area of contrast enhancement.

Language: Jupyter Notebook - Size: 27.3 MB - Last synced at: about 13 hours ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

hendriklaue/QIBA-DRO-evaluation-tool

A tool to evaluate DCE- and T1-Analysis software using artificially created datasets

Language: Python - Size: 222 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

M-Taghizadeh/Image-Processing-Python

In this repository, we implement common image processing techniques in Python and fully describe their algorithms.

Language: Jupyter Notebook - Size: 14.2 MB - Last synced at: 4 months ago - Pushed at: over 3 years ago - Stars: 6 - Forks: 1

johri-lab/OpenCv-Projects

Some self-designed open-CV algorithms designed during my reseach.

Language: Python - Size: 90.1 MB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 4

RichardSunnyMeng/CEUSegNet

IEEE ISBI 2022 paper: CEUSegNet: A Cross-Modality Lesion Segmentation Network for Contrast-Enhanced Ultrasound.

Language: Python - Size: 25.4 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 0

pouryahoseini/Nature-Inspired-Image-Enhancement

Image contrast enhancement via a hybrid of ant colony optimization, genetic algorithm, and simulated annealing

Language: MATLAB - Size: 4.1 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 12 - Forks: 4

qi-zohair/Improved-Contrast-Equalization-Technique-for-Contrast-Enhancement-of-SEM-Images

Language: MATLAB - Size: 381 KB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

qi-zohair/Rapid-Contrast-Enhancement-Algorithm-for-Natural-Contrast-Distorted-Color-Images

Rapid Contrast Enhancement Algorithm for Natural Contrast-Distorted Color Images

Language: MATLAB - Size: 1.82 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

qi-zohair/Swift-Algorithm-for-Contrast-Enhancement

Language: MATLAB - Size: 8.1 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

qi-zohair/Tuned-Single-Scale-Retinex-Algorithm-for-Contrast-Enhancement-of-MR-Images

Language: MATLAB - Size: 1.39 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

qi-zohair/Adjustable-Contrast-Stretching-Technique-for-Contrast-Enhancement

Language: MATLAB - Size: 1.82 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

qi-zohair/HLIPSCS

HLIPSCS: A Rapid and Efficient Algorithm for Image Contrast Enhancement

Language: MATLAB - Size: 6.66 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

qi-zohair/Image-Size-Dependent-Normalization-Technique-for-Contrast-Enhancement

Language: MATLAB - Size: 650 KB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

qi-zohair/Improving-the-Contrast-of-Aerial-Images-using-a-New-Multi-concept-Algorithm

Contrast Enhancement of Aerial Images using a New Multi-Concept Algorithm

Language: MATLAB - Size: 1.66 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

qi-zohair/Fast-and-Efficient-Algorithm-for-Contrast-Enhancement-of-Color-Images

Fast and Efficient Algorithm for Contrast Enhancement of Color Images

Language: MATLAB - Size: 2.12 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

qi-zohair/Tuned-Brightness-Controlled-Single-Scale-Retinex-for-Contrast-Enhancement-of-CT-Images

Language: MATLAB - Size: 2.03 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

qi-zohair/Contrast-Enhancement-of-Digital-Images-Using-an-Improved-Type-II-Fuzzy-Set-Based-Algorithm

Contrast Enhancement of Digital Images Using an Improved Type-II Fuzzy Set-Based Algorithm

Language: MATLAB - Size: 2.66 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

qi-zohair/Ameliorated-Balance-Contrast-Enhancement-Technique

Satellite Image Enhancement Using an Ameliorated Balance Contrast Enhancement Technique

Language: MATLAB - Size: 4.26 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

qi-zohair/Low-Complexity-Algorithm-for-Contrast-Enhancement

Language: MATLAB - Size: 1.32 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

qi-zohair/Contrast-Enhancement-of-Medical-Images-Using-Statistical-Methods-with-Image-Processing-Concepts

Contrast Enhancement of Medical Images

Language: MATLAB - Size: 416 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

07Agarg/Automatic-Exposure-Correction

This repository contains the code for improving images acquired through non-optimal exposure using various methods proposed in literature.

Language: MATLAB - Size: 81.8 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 35 - Forks: 14

kushalchaudhari21/brightness_contrast_OpenCV

This code is used to change the brightness and contrast of images or video frames using OpenCV library.

Language: Python - Size: 4.88 KB - Last synced at: 2 months ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

lucass235/Image_contrast_enhancement_algorithm

Melhoria de contraste em imagens de nรญvel de cinza utilizando o otimizador BMO com equalizador de histograma.

Language: Jupyter Notebook - Size: 93.6 MB - Last synced at: 5 days ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

nisheethjaiswal/Data-Augmentation-for-Object-Detection

Data Augmentation For Object Detection using Deep Learning with PyTorch

Language: Jupyter Notebook - Size: 16.5 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 5 - Forks: 1

ilyak93/images_contrast_enhancement

Parallelized histogram equalization for gray scale images using GPUs in CUDA C++ in a consumer-producer aproach.

Language: Cuda - Size: 302 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

NILDARK/Image-Processing-Tool

Desktop Application for Image Brightness Adjustment, Contrast Adjustment, Sharpening, Compressing using Huffman encoding

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

steffensbola/blind_iqa_contrast

This repo compiles various blind image quality acessment methods focused on contrast evaluation. Only code that works in Python or Octave.

Language: MATLAB - Size: 3.14 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 30 - Forks: 12

xmuyzz/DeepContrast

A deep learning-based fully-automatic intravenous contrast detection tool for head-and-neck and chest CT scans.

Language: Python - Size: 403 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 1

AbdelrahmanHamdyy/ImageProcessing-Labs

Solutions to Practical Labs in the Image Processing course on various topics.

Language: Jupyter Notebook - Size: 39.1 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

mousamax/Learning-Image-Processing

This repository includes my work in the journey to learn Image Processing.

Language: Jupyter Notebook - Size: 25.4 MB - Last synced at: 8 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

astartes91/imagej-neural-fuzzy-plugins

Neural network and fuzzy logic based plugins for imagej

Language: Java - Size: 164 KB - Last synced at: about 1 year ago - Pushed at: about 10 years ago - Stars: 4 - Forks: 1

ahmedibrahimq/histogr-eq

Step by step understanding & implementing the Histogram Equalization method

Language: Jupyter Notebook - Size: 471 KB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 0

steffensbola/a6300_multi_exposure_dataset

Dataset for: Deep Learning Based Exposure Correction for Image Exposure Correction with Application in Computer Vision for Robotics Authors Cristiano Steffens, Paulo Lilles Jorge Drews, Silvia Silva Botelho Publication date 2018/11/6 Conference 2018 Latin American Robotic Symposium, 2018 Brazilian Symposium on Robotics (SBR) and 2018 Workshop on Robotics in Education (WRE)

Size: 117 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 7 - Forks: 1

sile/agcwd

A Rust implementation of the Adaptive Gamma Correction with Weighting Distribution (AGCWD) algorithm

Language: Rust - Size: 122 KB - Last synced at: 23 days ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

GregaMohorko/GM.Processing

Library with algorithms and processing utilities for various science branches.

Language: C# - Size: 101 MB - Last synced at: 1 day ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

duynamrcv/contrast_enhancement

Python Implement some Contrast enhancement methods for Image

Language: Python - Size: 12.5 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

nejcgalof/contrast-enhancement

HE (histogram equalization), CLHE (contrast limited histogram equalization), CLAHE (contrast limited adaptive histogram equalization), ACE (adaptive contrast enhancement)

Language: HTML - Size: 32.8 MB - Last synced at: over 2 years ago - Pushed at: almost 8 years ago - Stars: 6 - Forks: 3

mntalha/Histogram_Equalization

show the best way among the given technics by investigating the comparisons.

Language: Python - Size: 4.97 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

FXLJA/dip-tools Fork of ukayaj620/dip-tools

Image Processing Mid Term at Bunda Mulia University

Size: 7.6 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

aashrafh/CMP362

Solutions of the CMP362-Image Processing course's labs in college

Language: Jupyter Notebook - Size: 78.4 MB - Last synced at: 19 days ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

astartes91/fuzzy-contrast-enhancement

Fuzzy image contrast enhancement by Fuzziness Minimization

Language: C# - Size: 137 KB - Last synced at: over 2 years ago - Pushed at: about 10 years ago - Stars: 0 - Forks: 0

kmr0877/Image-Processing-with-OpenCV

To read the given Sergei Prokudin Gorsky image file,perform simple mathematical computations on images and reconstruct using image pyramids and perform image adjustments such as improving contrast,brightness etc. and produce a clear image output

Language: Python - Size: 14.6 KB - Last synced at: 6 months ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

Related Keywords
contrast-enhancement 79 image-processing 43 image-enhancement 22 histogram-equalization 17 python 10 computer-vision 9 contrast 7 deep-learning 6 histogram 6 opencv 5 segmentation 5 mri 5 brightness-control 5 edge-detection 4 medical-imaging 4 image 4 brightness-adjustment 4 low-light-image-enhancement 4 pytorch 3 genetic-algorithm 3 smoothing 3 image-manipulation 3 median-filter 3 color-images 3 low-light 3 contrast-stretching 3 medical-image-processing 3 matlab 3 fuzzy-logic 3 dataset 2 contrast-agents 2 exposure-correction 2 generative-ai 2 digital-image-processing 2 grayscale-images 2 simulated-annealing 2 synthesis 2 synthetic-data 2 noise-reduction 2 clahe 2 ant-colony-optimization 2 signal-processing 2 magnetic-resonance-imaging 2 medical-image-analysis 2 cuda 2 computed-tomography 2 keras-tensorflow 2 ct 2 cnn 2 low-light-image 2 wcag 2 grayscale 2 css 2 ceus 2 imaging 2 localization 2 medical 2 image-analysis 2 object-detection 2 microbubble 2 microscopy 2 neural-network 2 ulm 2 ultrasound 2 vascular 2 vascular-flow 2 gaussian-filter 2 rgb-color 2 retinex 2 texture 2 image-restoration 2 image-enhancment 2 processing 2 swift-algorithm 1 sobel 1 sobel-operator 1 sc2 1 pygad 1 prewitt-operator 1 ktrans 1 normalization 1 prewitt 1 aerial-images 1 retine 1 convolutional-genetic-algorithm 1 fuzzy-type-ii 1 satellite-images 1 convolution 1 x-ray 1 imhblpce 1 gamma-transformation 1 matplotlib 1 mean-filter 1 multimedia-database 1 local-binary-pattern 1 histogram-of-oriented-gradients 1 noise-generator 1 cv2 1 numpy 1 scikit-image 1