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/keras_frcnn
Keras Implementation of faster-rcnn
gpzhang7/keras-retinanet3d
gpzhang7/GifDecoder
Samsung GIF Decoder
gpzhang7/keras-yolo3
A Keras implementation of YOLOv3 (Tensorflow backend)
gpzhang7/mcg
Multiscale Combinatorial Grouping - Object Proposals and Segmentation
gpzhang7/Non-local_Net_keras_Custom
Practice after reading paper using keras.
gpzhang7/Mobilenetv3-Tensorflow-1
mobilenetv3, tensorflow
gpzhang7/Neural-Network-Frameworks
All Neural Network Frameworks
gpzhang7/STN.keras
Implementation of spatial transformer networks (STNs) in keras 2 with tensorflow as backend.
gpzhang7/image_classfication
基于无监督学习,无需训练,先使用SIFT算法提取图像特征,再使用KMeans聚类算法进行图像分类,速度非常快,精度还在提高。
gpzhang7/Triplet-Dataset-generation-in-FlickersLogos32-Dataset
gpzhang7/Image-Search-Engine-as-Service
基于ORB & Kmeans & LSHash等算法的简单可部署图片搜索引擎
gpzhang7/tensorflow
An Open Source Machine Learning Framework for Everyone
gpzhang7/CNN-for-Image-Retrieval
:sunrise:The code of post "Image retrieval using MatconvNet and pre-trained imageNet"
gpzhang7/practice
Homework
gpzhang7/mobilenetv3-tensorflow
Unofficial implementation of MobileNetV3 architecture described in paper Searching for MobileNetV3.
gpzhang7/CV_ToolBox
data preprocess for cv, including data aug (general and cutout) for object detection, KITTI, COCO data to VOC
gpzhang7/Deep-Learning-21-Examples
《21个项目玩转深度学习———基于TensorFlow的实践详解》配套代码
gpzhang7/pytorch-retinanet
RetinaNet in PyTorch
gpzhang7/Deformable_ConvNet_pytorch
Pytorch implementation of Deformable Convolutional Network
gpzhang7/hadoop2x-eclipse-plugin
eclipse plugin for hadoop 2.2.0 , 2.4.1
gpzhang7/LogoEraser
AI스쿨 인공지능 R&D 실무자 양성과정 2기 6조 프로젝트
gpzhang7/keras-non-local-nets
Keras implementation of Non-local Neural Networks
gpzhang7/ICIAR2018
Two-Stage Convolutional Neural Network for Breast Cancer Histology Image Classification. ICIAR 2018 Grand Challenge on BreAst Cancer Histology images (BACH)
gpzhang7/SSD-Tensorflow
Single Shot MultiBox Detector in TensorFlow
gpzhang7/Qt-Image-Hash-with-multiple-methods
A Qt tool for Image Hashing with some perceptual hashing algorithms.
gpzhang7/SynthLogo
Synthesising Context Logo Images
gpzhang7/my_keras_ssd
项目名称为:SSD Keras实现。SSD是一个基于回归的目标检测与识别网络,其原论文是用CAFFE实现的,本项目将其用Keras实现,并用中文做了注释。SSD网络集成了Fast RCNN的损失函数,Faster RCNN 的Anchor机制,VGG16分类等**,是一个经典网络,很值得学习研究。
gpzhang7/BIRADS_classifier
High-resolution breast cancer screening with multi-view deep convolutional neural networks
gpzhang7/InceptionV3-SSD
Tensorflow implementation of InceptionV3-SSD