Pinned Repositories
2016_person_re-ID
A Discriminatively Learned CNN Embedding for Person Re-identification
2018DSB
2018 Data Science Bowl 2nd Place Solution
2019_algorithm_intern_information
2020年的算法实习岗位信息表,部分包括内推码,和常见深度学习算法岗面试题及答案,暑期计算机视觉实习面经和总结
2019Baidu-XJTU_URFC
2019Baidu&XJTU_URFC Preliminary Round Code
Algorithms_Engineer_Interview
计算机视觉算法工程师面试总结
kaggle
Kaggle 项目实战(教程) = 文档 + 代码 + 视频
MNN-yolov3
Surface-Defect-Detection-1
🐎📈 Constantly summarizing open source dataset and important critical papers in the field of surface defect research are very important. 🐋
Weighted-Boxes-Fusion
Set of methods to ensemble boxes from object detection models, including implementation of "Weighted boxes fusion (WBF)" method.
Yolov5_tf
Yolov5/Yolov4/ Yolov3/ Yolo_tiny in tensorflow
SlideLucask's Repositories
SlideLucask/binary-human-pose-estimation
This code implements a demo of the Binarized Convolutional Landmark Localizers for Human Pose Estimation and Face Alignment with Limited Resources paper by Adrian Bulat and Georgios Tzimiropoulos.
SlideLucask/BinaryNet.tf
BNN implementation in tensorflow
SlideLucask/BNN-PYNQ
SlideLucask/caffe
Caffe: a fast open framework for deep learning.
SlideLucask/cifar-10-cnn
Using cifar-10 datasets to learn deep learning.
SlideLucask/coursera-dl
Script for downloading Coursera.org videos and naming them.
SlideLucask/CVPR-2017-Abstracts-Collection
Collection of CVPR 2017, including titles, links, authors, abstracts and my own comments
SlideLucask/data_vis
数据可视化 - 期末作业 -- 2016年秋季学期
SlideLucask/Deep-Feature-Flow
Deep Feature Flow for Video Recognition
SlideLucask/dogs_vs_cats
猫狗大战
SlideLucask/instacart-basket-prediction
Instacart Market Basket Analysis
SlideLucask/lbcnn.torch
Torch implementation of CVPR'17 - Local Binary Convolutional Neural Networks http://xujuefei.com/lbcnn.html
SlideLucask/LeafNet
A toy example of Leaf classification (https://www.kaggle.com/c/leaf-classification) in pytorch
SlideLucask/LeetCode
:pencil: Python / C++ 11 Solutions of LeetCode Questions
SlideLucask/lihang_book_algorithm
致力于将李航博士《统计学习方法》一书中所有算法实现一遍
SlideLucask/MobileNet
MobileNet build with Tensorflow
SlideLucask/MobileNet-SSD
Caffe implementation of Google MobileNet SSD detection network, with pretrained weights on VOC0712 and mAP=0.727.
SlideLucask/nn_playground
Experimental keras implementation of novel neural network structures
SlideLucask/NN_Test
This project contains some neural network code
SlideLucask/Object-Detector-App
Real-Time Object Recognition App with Tensorflow and OpenCV
SlideLucask/pytorch-beginner
pytorch tutorial for beginners
SlideLucask/pytorch-playground
Base pretrained models and datasets in pytorch (MNIST, SVHN, CIFAR10, CIFAR100, STL10, AlexNet, VGG16, VGG19, ResNet, Inception, SqueezeNet)
SlideLucask/Sketch-A-XNORNet
An implementation of a variation of Sketch-A-Net using XNOR ConvNets using TensorFlow
SlideLucask/tensorflow-tutorial
Example TensorFlow codes and Caicloud TensorFlow as a Service dev environment.
SlideLucask/TensorFlow-Tutorials
TensorFlow Tutorials with YouTube Videos
SlideLucask/tensorflow-vgg
VGG19 and VGG16 on Tensorflow
SlideLucask/tensorflow-xnor-bnn
BinaryNets in TensorFlow with XNOR GEMM op
SlideLucask/tensorpack
Neural Network Toolbox on TensorFlow
SlideLucask/VGG19_with_tensorflow
An easy implement of VGG19 with tensorflow, which has a detailed explanation.
SlideLucask/XNOR-Net
ImageNet classification using binary Convolutional Neural Networks