Pinned Repositories
Anchor-Boxes-with-KMeans
How to initialize Anchors in Faster RCNN for custom dataset?
cheatsheets-ai
Essential Cheat Sheets for deep learning and machine learning researchers
cv-tricks.com
Repository for all the tutorials and codes shared at cv-tricks.com
Deep-Learning
deep-learning-coursera
Deep Learning Specialization by Andrew Ng on Coursera.
Deep-Learning-Coursera-1
Deep Learning Specialization by Andrew Ng, deeplearning.ai.
DeepReinforcementLearning
A replica of the AlphaZero methodology for deep reinforcement learning in Python
highwayhash
Fast strong hash functions: SipHash/HighwayHash
keras-yolo2
Easy training on custom dataset. Various backends (MobileNet and SqueezeNet) supported. A YOLO demo to detect raccoon run entirely in brower is accessible at https://git.io/vF7vI (not on Windows).
stanford-tensorflow-tutorials
This repository contains code examples for the Stanford's course: TensorFlow for Deep Learning Research.
bitisony's Repositories
bitisony/Writing-with-BERT
Using BERT for doing the task of Conditional Natural Language Generation by fine-tuning pre-trained BERT on custom dataset.
bitisony/applied-ml
📚 Papers & tech blogs by companies sharing their work on data science & machine learning in production.
bitisony/berkeley-stat-157
Homepage for STAT 157 at UC Berkeley
bitisony/causal_inference_python_code
Python code for part 2 of the book Causal Inference: What If, by Miguel Hernán and James Robins
bitisony/cifar10-fast
bitisony/CS285_Fa19_Deep_Reinforcement_Learning
My solutions to UC Berkeley CS285 (originally CS294-112, deeprlcourse) Fall 2019 assignments
bitisony/DataScience_ArtificialIntelligence_Utils
Examples of Data Science projects and Artificial Intelligence use cases
bitisony/deep-learning-pytorch-huggingface
bitisony/fastai_deep_learning_course_part2_v3
My projects for fast.ai's Deep Learning from the Foundations course (fast.ai part2v3)
bitisony/fastbook
The fastai book, published as Jupyter Notebooks
bitisony/FinRL-Trading
For trading. Please star.
bitisony/image-quality-assessment
Convolutional Neural Networks to predict the aesthetic and technical quality of images.
bitisony/java-algorithms-implementation
Algorithms and Data Structures implemented in Java
bitisony/keras-frcnn
bitisony/keras-yolo3
Training and Detecting Objects with YOLO3
bitisony/keras-yolo3-1
A Keras implementation of YOLOv3 (Tensorflow backend)
bitisony/learnopencv
Learn OpenCV : C++ and Python Examples
bitisony/LeetCode
LeetCode刷题记录与面试整理
bitisony/Llama2-Chinese
Llama中文社区,最好的中文Llama大模型,完全开源可商用
bitisony/Machine-Learning-for-Algorithmic-Trading-Second-Edition
Machine Learning for Algorithmic Trading, Second Edition - published by Packt
bitisony/Machine-Learning-Tutorials
machine learning and deep learning tutorials, articles and other resources
bitisony/mlcourse.ai
Open Machine Learning Course
bitisony/PythonDataScienceHandbook
Python Data Science Handbook: full text in Jupyter Notebooks
bitisony/pytorch-deep-learning
Materials for the Learn PyTorch for Deep Learning: Zero to Mastery course.
bitisony/sagemaker-step-functions
bitisony/stylegan2
StyleGAN2 - Official TensorFlow Implementation
bitisony/TensorFlow-Examples
TensorFlow Tutorial and Examples for Beginners (support TF v1 & v2)
bitisony/TensorFlow2.0-for-Deep-Reinforcement-Learning
TensorFlow 2.0 for Deep Reinforcement Learning. :octopus:
bitisony/The-Art-of-Linear-Algebra
Graphic notes on Gilbert Strang's "Linear Algebra for Everyone"
bitisony/yolov3-tf2
YoloV3 Implemented in Tensorflow 2.0