Skip to content

kevin-hxq/MyStar

Folders and files

NameName
Last commit message
Last commit date

Latest commit

 

History

4 Commits
 
 

Repository files navigation

MyStar

整理一下我的收藏 (2019-05-26,截止到RefineDet-tensorflow)

Learning

apachecn / AiLearning AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP

nnzhan / Awesome-Graph-Neural-Networks Paper Lists for Graph Neural Networks

machinelearningmindset / machine-learning-course Machine Learning Course with Python

MLEveryday / 100-Days-Of-ML-Code 100-Days-Of-ML-Code中文版

xiaohu2015 / DeepLearning_tutorials The deeplearning algorithms implemented by tensorflow

d2l-ai / d2l-zh 《动手学深度学习》,英文版即伯克利深度学习(STAT 157,2019春)教材

fengdu78 / Coursera-ML-AndrewNg-Notes 吴恩达老师的机器学习课程个人笔记

fengdu78 / deeplearning_ai_books deeplearning.ai(吴恩达老师的深度学习课程笔记及资源)

amusi / TensorFlow-From-Zero-To-One 学习TensorFlow的笔记和代码

fengdu78 / lihang-code 《统计学习方法》代码

trekhleb / homemade-machine-learning Python examples of popular machine learning algorithms with interactive Jupyter demos and math being explained

nndl / exercise 《神经网络与深度学习》课程练习

nndl / nndl.github.io 《神经网络与深度学习》 Neural Network and Deep Learning

apachecn / hands-on-ml-zh Sklearn 与 TensorFlow 机器学习实用指南

ageron / handson-ml Sklearn 与 TensorFlow 机器学习实用指南(英文版)

jindongwang / transferlearning Everything about Transfer Learning and Domain Adaptation--迁移学习

afshinea / stanford-cs-230-deep-learning

whitelok / image-text-localization-recognition 场景文本位置感知与识别的论文资源汇总

linxid / Machine_Learning_Study_Path 机器学习过程中所看的书,视频和源码

ZuzooVn / machine-learning-for-software-engineers A complete daily plan for studying to become a machine learning engineer.

TheAlgorithms / Python All Algorithms implemented in Python

eastlakeside / interpy-zh 《Python进阶》(Intermediate Python 中文版)

leisurelicht / wtfpython-cn wtfpython的中文翻译

satwikkansal / wtfpython

imhuay / Algorithm_Interview_Notes-Chinese 2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记

CyC2018 / CS-Notes 技术面试必备基础知识、Leetcode 题解、后端面试、Java 面试、春招、秋招、操作系统、计算机网络、系统设计

kenwoodjw / python_interview_question 关于python的面试题

Kaggle / kaggle-api

apachecn / kaggle Kaggle 项目实战(教程) = 文档 + 代码 + 视频

alexshuang / TGS_Salt TGS Salt Challenge

liaopeiyuan / ml-arsenal-public Full pipeline of a data science competition (public version)

yoyoyo-yo / Gasyori100knock 日语,opencv学习

lib-pku / libpku

justjavac / free-programming-books-zh_CN 免费的计算机编程类中文书籍,欢迎投稿

wangqingbaidu / Dr.Sure DeepLearning学习笔记以及Tensorflow使用心得笔记,各种数据资源。

zhuli19901106 / leetcode-zhuli C++

pezy / LeetCode LeetCode solutions in C++ 11 and Python3

bo-xiong / Awesome-Deep-Learning-for-Chinese最全的中文版深度学习资源索引,包括论文,慕课,开源框架,数据集等等

vdumoulin / conv_arithmetic A technical report on convolution arithmetic in the context of deep learning

CNN

weiaicunzai / awesome-image-classification A curated list of deep learning image classification papers and codes

fizyr / keras-retinanet Keras implementation of RetinaNet object detection.

ruotianluo / pytorch-faster-rcnn

divamgupta / image-segmentation-keras Implementation of Segnet, FCN, UNet and other models in Keras.

ShawnBIT / UNet-family Paper and implementation of UNet-related model.

jakeret / tf_unet Generic U-Net Tensorflow implementation for image segmentation

google-research / morph-net Fast & Simple Resource-Constrained Learning of Deep Network Structure

yzcjtr / GeoNet Code for GeoNet: Unsupervised Learning of Dense Depth, Optical Flow and Camera Pose (CVPR 2018)

hszhao / PSPNet

xingyizhou / ExtremeNet Bottom-up Object Detection by Grouping Extreme and Center Points

fchollet / deep-learning-models

knazeri / edge-connect 使用对抗边缘学习进行生成图像修复

matterport / Mask_RCNN

guoruoqian / DetNet_pytorch

princeton-vl / CornerNet

DeepScale / SqueezeNet

object detection

amusi / awesome-object-detection This is a list of awesome articles about object detection

facebookresearch / Detectron FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet

sfzhang15 / RefineDet C++,Single-Shot Refinement Neural Network for Object Detection, CVPR, 2018

dengdan / seglink An Implementation of the seglink alogrithm in paper Detecting Oriented Text in Natural Images by Linking Segments

eragonruan / text-detection-ctpn

MaybeShewill-CV / lanenet-lane-detection

shawshany / Lane_detection

yang1688899 / CarND-Advanced-Lane-Lines

amusi / awesome-lane-detection

wvangansbeke / LaneDetection_End2End

bonlime / keras-deeplab-v3-plus

sthalles / deeplab_v3

fyu / dilation Dilated Convolution for Semantic Image Segmentation

leonndong / DeepLabV3-Tensorflow Reimplementation of DeepLabV3

DrSleep / tensorflow-deeplab-resnet

rohitrango / automatic-watermark-detection

OCR

chineseocr / chineseocr yolo3+ocr

YCG09 / chinese_ocr

YIYIMZ / my_orc_keras_verification_code_identification

nickliqian / darknet_captcha 基于darknet实现目标检测,提供识别点选验证码的实例和训练自己数据的API

kerlomz / captcha_trainer [验证码识别-训练] This project is based on CNN5/ResNet+BLSTM/LSTM/GRU/SRU/BSRU+CTC to realize verification code identification. This project is only for training the model.

PatrickLib / captcha_recognize Image Recognition captcha without image segmentation 无需图片分割的验证码识别

nickliqian / cnn_captcha use cnn recognize captcha by tensorflow. 本项目针对字符型图片验证码,使用tensorflow实现卷积神经网络,进行验证码识别。

CamDavidsonPilon / Probabilistic-Programming-and-Bayesian-Methods-for-Hackers

jaungiers / LSTM-Neural-Network-for-Time-Series-Prediction

ypwhs / baiduyun_deeplearning_competition 使用循环神经网络破解验证码

IMYR666 / any-captcha 一套配置,一行代码,快速生成任意风格验证码。

pannous / tensorflow-ocr OCR using tensorflow with attention

da03 / Attention-OCR Visual Attention based OCR

tesseract-ocr / tesseract Tesseract Open Source OCR Engine (main repository)

JinpengLI / deep_ocr make a better chinese character recognition OCR than tesseract

NLP

fighting41love / funNLP

fxsjy / jieba

sebastianruder / NLP-progress

dennybritz / cnn-text-classification-tf Convolutional Neural Network for Text Classification in Tensorflow

brightmart / text_classification all kinds of text classification models and more with deep learning

Embedding / Chinese-Word-Vectors 100+ Chinese Word Vectors 上百种预训练中文词向量

Other

shengxinjing / programmer-job-blacklist 程序员找工作黑名单,换工作和当技术合伙人需谨慎啊 更新有赞

996icu / 996.ICU

h3ct0r / fast_ellipse_detector C++,'A fast and effective ellipse detector for embedded vision applications'

mlazarov / supervisord-monitor Supervisord Monitoring Tool

socialcopsdev / camelot Camelot: PDF Table Extraction for Humans

huseinzol05 / Stock-Prediction-Models

Harvey-Sun / World_Quant_Alphas World Quant 101 alphas的计算和策略化

vnpy / vnpy 基于Python的开源量化交易平台开发框架

lining0806 / PythonSpiderNotes Python入门网络爬虫之精华版

linyacool / blind-watermark

MonsieurV / py-findpeaks Overview of the peaks dectection algorithms available in Python

ppwwyyxx / OpenPano OpenPano: Automatic Panorama Stitching From Scratch

cvxgrp / cvxpy A Python-embedded modeling language for convex optimization problems.

Toblerity / Shapely Manipulation and analysis of geometric objects

planetlabs / maxrect Find the maximally inscribed, axis-aligned rectangle for a given polygon

art-programmer / FloorplanTransformation

linbojin / Skeletonization-by-Zhang-Suen-Thinning-Algorithm

yxdragon / sknw build net work from skeleton image (2D-3D)

jrosebr1 / imutils

furnishup / blueprint3d

samfoy / GrahamScan

networkx / networkx

aleju / imgaug

facebookresearch / faiss

yu4u / noise2noise

proxyee-down-org / proxyee-down

AKSHAYUBHAT / DeepVideoAnalytics

yunjey / stargan Official PyTorch Implementation of StarGAN - CVPR 2018

DmitryUlyanov / deep-image-prior Image restoration with neural networks but without learning.

junyanz / pytorch-CycleGAN-and-pix2pix Image-to-image translation in PyTorch

luanfujun / deep-photo-styletransfer

lengstrom / fast-style-transfer TensorFlow CNN for fast style transfer

tzutalin / labelImg LabelImg is a graphical image annotation tool and label object bounding boxes in images

puzzledqs / BBox-Label-Tool

About

整理一下我的收藏

Resources

Stars

Watchers

Forks

Releases

No releases published

Packages

No packages published