CJJC1220

CJJC1220

Geek Repo

Github PK Tool:Github PK Tool

CJJC1220's starred repositories

scikit-opt

Genetic Algorithm, Particle Swarm Optimization, Simulated Annealing, Ant Colony Optimization Algorithm,Immune Algorithm, Artificial Fish Swarm Algorithm, Differential Evolution and TSP(Traveling salesman)

Language:PythonLicense:MITStargazers:5105Issues:0Issues:0

Popular-RL-Algorithms

PyTorch implementation of Soft Actor-Critic (SAC), Twin Delayed DDPG (TD3), Actor-Critic (AC/A2C), Proximal Policy Optimization (PPO), QT-Opt, PointNet..

Language:Jupyter NotebookLicense:Apache-2.0Stargazers:1047Issues:0Issues:0

deepnet

Implementation of some deep learning algorithms.

Language:PythonLicense:BSD-3-ClauseStargazers:895Issues:0Issues:0

spearmint

Spearmint is a package to perform Bayesian optimization according to the algorithms outlined in the paper: Practical Bayesian Optimization of Machine Learning Algorithms. Jasper Snoek, Hugo Larochelle and Ryan P. Adams. Advances in Neural Information Processing Systems, 2012

Language:PythonStargazers:1389Issues:0Issues:0

Spearmint

Spearmint Bayesian optimization codebase

Language:PythonLicense:NOASSERTIONStargazers:1544Issues:0Issues:0

transferlearning

Transfer learning / domain adaptation / domain generalization / multi-task learning etc. Papers, codes, datasets, applications, tutorials.-迁移学习

Language:PythonLicense:MITStargazers:13143Issues:0Issues:0

circuit-gnn

[ICML 2019] Circuit-GNN: Graph Neural Networks for Distributed Circuit Design http://circuit-gnn.csail.mit.edu/

Language:PythonStargazers:88Issues:0Issues:0

BayesianOptimization

A Python implementation of global optimization with gaussian processes.

Language:PythonLicense:MITStargazers:7691Issues:0Issues:0

ALFramework

主动学习(Active Learning)框架,实现了多个主动学习策略,包括:熵(Entropy)、最大梯度改变(ECG)等。

Language:PythonStargazers:75Issues:0Issues:0

MAGICAL-CIRCUITS

Circuit release of the MAGICAL project

Language:SourcePawnLicense:BSD-3-ClauseStargazers:28Issues:0Issues:0

py-earth

A Python implementation of Jerome Friedman's Multivariate Adaptive Regression Splines

Language:PythonLicense:BSD-3-ClauseStargazers:456Issues:0Issues:0

Digit-Classification-using-Deep-Neural-Networks

Variations of DNNs for Digit Classification on the notMNIST dataset

Language:PythonStargazers:1Issues:0Issues:0

DNN-and-CNN-in-tensorflow

DNN and CNN for handwritten digits classification

Language:PythonStargazers:1Issues:0Issues:0

classification-tf-wdbc-wine

DNN classifiers for WDBC and Wine datasets.

Language:PythonLicense:MITStargazers:2Issues:0Issues:0

MoviePrediction_tensorflow

This project is about creating a predicting the movie success using classification model. DNN Classifiers is used in the Tensor Flow for classifying the movie as Hit, Flop, blockbuster, Super Hit

Language:PythonStargazers:1Issues:0Issues:0

tensorflow-example

Example DNN classifier used to demonstrate the use of TensorFlow in a Scott Logic blog post.

Language:PythonStargazers:1Issues:0Issues:0

Tensorflow_ML_Algorithms

Implementations of machine learning algorithms in Tensorflow: MLP, RNN, autoencoder, PageRank, KNN, K-Means, logistic regression, and OLS regression

Language:PythonStargazers:53Issues:0Issues:0

LogisticRegression

Logistic Regression using Tensorflow

Language:PythonStargazers:2Issues:0Issues:0

Logistic-Regression-in-TensorFlow

A simple logistic regression model written in TensorFlow.

Language:PythonStargazers:1Issues:0Issues:0

logistic-regression-tensorflow

Logistic Regression and Classification using TensorFlow

Language:PythonStargazers:1Issues:0Issues:0

Deep-learning-ML-and-tensorflow

Examples of linear regression, logistic regression, and deep learning implementations such as Transformers, gans, cnns, rnns, and more using Tensorflow. The code examples here are discussed in my books: Deep Learning Algorithms, and Getting Started with Deep Learning -->> Link.

Language:PythonStargazers:88Issues:0Issues:0

TensorFlow-Intro

Introduction to TensorFlow. Basic operators, linear and logistic regression and Tensorboard

Language:PythonStargazers:21Issues:0Issues:0

TensorFlow-Regression-Examples

TensorFlow Regression Examples

Language:PythonStargazers:5Issues:0Issues:0

Tensorflow-Tutorial

Tensorflow tutorial from basic to hard, 莫烦Python 中文AI教学

Language:PythonLicense:MITStargazers:4328Issues:0Issues:0

cnn-svm

An Architecture Combining Convolutional Neural Network (CNN) and Linear Support Vector Machine (SVM) for Image Classification

Language:PythonLicense:Apache-2.0Stargazers:347Issues:0Issues:0

SENet-Tensorflow

Simple Tensorflow implementation of "Squeeze and Excitation Networks" using Cifar10 (ResNeXt, Inception-v4, Inception-resnet-v2)

Language:PythonLicense:MITStargazers:757Issues:0Issues:0

TensorFlow-Xception

TensorFlow implementation of the Xception Model by François Chollet

Language:PythonLicense:MITStargazers:206Issues:0Issues:0

CRL

Imbalanced Deep Learning by Minority Class Incremental Rectification

Language:HTMLStargazers:2Issues:0Issues:0

Focal-Loss-implement-on-Tensorflow

The implementation of focal loss proposed on "Focal Loss for Dense Object Detection" by KM He and support for multi-label dataset.

Language:PythonLicense:Apache-2.0Stargazers:315Issues:0Issues:0

tensorflow_retinanet

RetinaNet with Focal Loss implemented by Tensorflow

Language:PythonStargazers:121Issues:0Issues:0