Pinned Repositories
BIRADS_classifier
High-resolution breast cancer screening with multi-view deep convolutional neural networks
Breast-Cancer-Wisconsin-Dataset
Analysis of breast cancer data published by the University of Wisconsin in order to predict benign vs malignant tumors based on tumor attributes. The dataset can be found at the following link: https://archive.ics.uci.edu/ml/datasets/Breast+Cancer+Wisconsin+%28Original%29
CenterNet-VOC
CNN-for-Image-Retrieval
:sunrise:The code of post "Image retrieval using MatconvNet and pre-trained imageNet"
cnn4brca
Using Convolutional Neural Networks (CNN) for Semantic Segmentation of Breast Cancer Lesions (BRCA). Master's thesis
ctnThread
关于线程调度的问题
CV_ToolBox
data preprocess for cv, including data aug (general and cutout) for object detection, KITTI, COCO data to VOC
cximage
cximage 7.0.1 mirror
loss_summary
A simple summary of loss functions in machine learning
ms-sdk
Win32.Mak
gpzhang7's Repositories
gpzhang7/wisconsin-breast-cancer
[ICMLSC 2018] On Breast Cancer Detection: An Application of Machine Learning Algorithms on the Wisconsin Diagnostic Dataset
gpzhang7/pytorch_deephash
Pytorch implementation of Deep Learning of Binary Hash Codes for Fast Image Retrieval, CVPRW 2015
gpzhang7/GroupNormalization-tensorflow-keras
a Tensorflow implementation of Group Normalizations
gpzhang7/LogoDetector
gpzhang7/LungNet
This is supplementary material for the manuscript: "Semantic Segmentation of Pathological Lung Tissue with Dilated Fully Convolutional Networks" M. Anthimopoulos, S. Christodoulidis, L. Ebner, A. Christe and S. Mougiakakou IEEE Journal of Biomedical and Health infomatics (2018)
gpzhang7/logoRecognition
Logo Recognition using flickr27 Dataset
gpzhang7/Image-classification
Image Classification using SIFT, Bag of words, k means clustering and SVM Classification
gpzhang7/deep-learning-models
Keras code and weights files for popular deep learning models.
gpzhang7/LogoDetection_POC
This is a proof of concept of logo detection, focus was to showcase that deep learning could be used to detect logos, we need to have large dataset to improve logo detection which could take 20hrs+ of training on NVDIA GTX 1060
gpzhang7/Medical-Image-Classification-using-deep-learning
Tumour is formed in human body by abnormal cell multiplication in the tissue. Early detection of tumors and classifying them to Benign and malignant tumours is important in order to prevent its further growth. MRI (Magnetic Resonance Imaging) is a medical imaging technique used by radiologists to study and analyse medical images. Doing critical analysis manually can create unnecessary delay and also the accuracy for the same will be very less due to human errors. The main objective of this project is to apply machine learning techniques to make systems capable enough to perform such critical analysis faster with higher accuracy and efficiency levels. This research work is been done on te existing architecture of convolution neural network which can identify the tumour from MRI image. The Convolution Neural Network was implemented using Keras and TensorFlow, accelerated by NVIDIA Tesla K40 GPU. Using REMBRANDT as the dataset for implementation, the Classification accuracy accuired for AlexNet and ZFNet are 63.56% and 84.42% respectively.
gpzhang7/find_NN
Finding nearest neighbours using different similarity measure(e.g., cosine, jaccard, hamming), bucketization code for LSH and accuracy measurement using F1-score
gpzhang7/DSH_tensorflow
implemement of DEEP SUPERVISED HASHING FOR FAST IMAGE RETRIEVAL_CVPR2016
gpzhang7/ctnThread
关于线程调度的问题
gpzhang7/GIST
GIST feature extractor (for scene classification)
gpzhang7/demo-load-pb-tensorflow
Demo of loading pb files in tensorflow, and making inference
gpzhang7/ms-sdk
Win32.Mak
gpzhang7/Perceptual-hash-algorithm
Perceptual hash algorithm in C with openCV library
gpzhang7/IconEditor
A simple raster icon (.ico) editor written in C++ using SDL2 (RU)
gpzhang7/WebApp-for-breast-cancer-detection
A web app for breast cancer detection (Under Development)
gpzhang7/Sacred_Deep_Learning
Infrastructure for iterative and organized experimentation with CNN image classification.
gpzhang7/cnn4brca
Using Convolutional Neural Networks (CNN) for Semantic Segmentation of Breast Cancer Lesions (BRCA). Master's thesis
gpzhang7/sobel
Implementation of Sobel Filter in Verilog
gpzhang7/ImageDupFinder
Simple demo application to search duplicates of images, based on perceptual hashing algorithms
gpzhang7/Breast-Cancer-Wisconsin-Dataset
Analysis of breast cancer data published by the University of Wisconsin in order to predict benign vs malignant tumors based on tumor attributes. The dataset can be found at the following link: https://archive.ics.uci.edu/ml/datasets/Breast+Cancer+Wisconsin+%28Original%29
gpzhang7/Kmeans
Simple Kmeans algorithm, Implemented in C++,Support "sqeuclidean","cosine","haming distance".
gpzhang7/VGGNet
gpzhang7/ImageRetrieval
A image retrieval framework that computes image similarities using min-hash functions.
gpzhang7/KMeans-GMM-HMM
HMM based on KMeans and GMM
gpzhang7/png2ico
Converts PNG files to Windows .ICO icon resource files.
gpzhang7/Image2icon
Convert image(.png .jpeg .bmp) to icon(.ico)