Git Product home page Git Product logo

ml-class's Introduction

Projects

Binder

These are specific bite-sized projects to learn an aspect of deep learning, starting from scratch. There is an associated video around 10 minutes long. I assume no background in ML but some proficiency in python. The projects are in order from beginner to more advanced, but feel free to skip around.

Project Starter Code Video
Build a simple image classifier for apparel projects/1-fashion-mnist Build your first machine learning model
Improve your image classifier projects/2-fashion-mnist-mlp Multi-Layer Perceptrons
Build a convolutional image classifier projects/3-fashion-mnist-cnn Convolutional Neural Networks
Build a denoising autoencoder projects/4-fashion-autoencoder Autoencoders
Build a text classifier with Scikit-Learn projects/5-sentiment-analysis Sentiment Analysis
Predict the weather with an RNN projects/6-rnn-timeseries Recurrent Neural Networks
Build a text generator projects/7-text-generation Text Generation using LSTMs and GRUs
Build a sentiment classifier on Amazon reviews. projects/8-text-classification Text Classification using CNNs
Hybrid LSTM/CNNs
Seq2seq Models
Transfer Learning
One Shot Learning
Speech Recognition
Data Augmentation
Batch Size and Learning Rate

More Projects: Benchmarks

If you have done all of the tutorial projects, we have a few more that don't have associated lessons yet! You can learn by contributing to one of our collaborative Benchmarks.

Project Link
Japanese handwriting recognition https://app.wandb.ai/wandb/kmnist/benchmark
Video prediction with cat GIFs https://app.wandb.ai/wandb/catz/benchmark
Drought detection from satellite https://app.wandb.ai/wandb/droughtwatch/benchmark
Visual game playing https://app.wandb.ai/wandb/witness/benchmark
Image resolution enhancement https://app.wandb.ai/wandb/superres/benchmark
Photo colorization https://app.wandb.ai/wandb/colorizer-applied-dl/benchmark

Getting Started

  1. Clone this repository
  2. Get the python libraries (run 'pip install -r requirements.txt')

You don't need a fancy computer to run most of the examples, but especially to do the later projects you may want to invest in a GPU.

Slides

O'Reilly 9.10.2019 - Using Keras to classify text using LSTMs

Videos

Introduction to Machine Learning

Examples

In my in-person classes, I typically use a lot of the examples in the directory examples. This code is liable to change as I update things.

Reusing the materials

Please feel free to use these materials for your own classes/projects etc. If you do that, I would love it if you sent me a message and let me know what you're up to.

Windows

Git

Install git if you don't have it: https://git-scm.com/download/win

Anaconda

Install anaconda

Try running the following from the command prompt:

python --version

You should see something like

Python 3.6.1 :: Anaconda 4.4.0 (64-bit)

If don't see "Anaconda" in the output, search for "anaconda prompt" from the start menu and enter your command prompt this way. It's also best to use a virtual environment to keep your packages silo'ed. Do so with:

conda create -n ml-class python=3.6
activate ml-class

Whenever you start a new terminal, you will need to call activate ml-class.

Clone this github repository

git clone https://github.com/lukas/ml-class.git
cd ml-class

libraries

pip install wandb
conda install -c conda-forge scikit-learn
conda install -c conda-forge tensorflow
conda install -c conda-forge keras

Linux and Mac OS X

Install python

You can download python from https://www.python.org/downloads/. There are more detailed instructions for windows installation at https://www.howtogeek.com/197947/how-to-install-python-on-windows/.

The material should work with python 2 or 3. On Windows, you need to install the 64 bit version of python 3.5 or 3.6 in order to install tensorflow.

Clone this github repository

git clone https://github.com/lukas/ml-class.git
cd ml-class

If you get an error message here, most likely you don't have git installed. Go to https://www.atlassian.com/git/tutorials/install-git for instructions on installing git.

Install necessary pip libraries

pip install -r requirements.txt

Reading material for people who haven't done a lot of programming

If you are uncomfortable opening up a terminal, I strongly recommend doing a quick tutorial before you take this class. Setting up your machine can be painful but once you're setup you can get a ton out of the class. I recommend getting started ahead of time.

If you're on Windows I recommend checking out http://thepythonguru.com/.

If you're on a Mac check out http://www.macworld.co.uk/how-to/mac/coding-with-python-on-mac-3635912/

If you're on linux, you're probably already reasonably well setup :).

If you run into trouble, the book Learn Python the Hard Way has installation steps in great detail: https://learnpythonthehardway.org/book/ex0.html. It also has a refresher on using a terminal in the appendix.

Reading material for people who are comfortable with programming, but haven't done a lot of python

If you are comfortable opening up a terminal but want a python intro/refresher check out https://www.learnpython.org/ for a really nice introduction to Python.

Suggestions for people who have done a lot of programming in python

A lot of people like to follow along with ipython or jupyter notebooks and I think that's great! It makes data exploration easier. I also really appreciate pull requests to make the code clearer.

If you've never used pandas or numpy - they are great tools and I use them heavily in my work and for this class. I assume no knlowedge of pandas and numpy but you may want to do some learning on your own. You can get a quick overview of pandas at http://pandas.pydata.org/pandas-docs/stable/10min.html. There is a great overview of numpy at https://docs.scipy.org/doc/numpy/user/quickstart.html.

ml-class's People

Contributors

adilansari avatar asweigart avatar charlesfrye avatar imrenagi avatar lavanyashukla avatar lukas avatar mcharleb avatar nathanleiby avatar nbardy avatar prashanthr avatar vanpelt avatar vincentla avatar warmlogic avatar zxie avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

ml-class's Issues

"'NoneType' is not callable" error when running smile.py

Running the following command causes the following error.

$ python smile.py
Using TensorFlow backend.

wandb: wandb dryrun mode. Use "wandb run <script>" to save results to wandb.
wandb: Run directory: wandb/dryrun-20171101_232123-fpcy4wnv

/home/peyman.mortazavi/.envs/class/lib/python3.4/site-packages/keras/models.py:848: UserWarning: The nb_epoch argument in fit has been renamed epochs.
warnings.warn('The nb_epoch argument in fit '
Train on 11848 samples, validate on 1317 samples
Epoch 1/3
2017-11-01 23:21:30.392279: W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use SSE4.1 instructions, but these are available on your machine and could speed up CPU computations.
2017-11-01 23:21:30.392322: W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use SSE4.2 instructions, but these are available on your machine and could speed up CPU computations.
2017-11-01 23:21:30.392334: W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use AVX instructions, but these are available on your machine and could speed up CPU computations.
2017-11-01 23:21:30.392342: W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use AVX2 instructions, but these are available on your machine and could speed up CPU computations.
2017-11-01 23:21:30.392350: W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use FMA instructions, but these are available on your machine and could speed up CPU computations.
11848/11848 [==============================] - 31s - loss: 0.5208 - acc: 0.7261 - val_loss: 0.4176 - val_acc: 0.7715
Epoch 2/3
11848/11848 [==============================] - 28s - loss: 0.3844 - acc: 0.8390 - val_loss: 0.3714 - val_acc: 0.8679
Epoch 3/3
11848/11848 [==============================] - 28s - loss: 0.3511 - acc: 0.8688 - val_loss: 0.3096 - val_acc: 0.8884
Exception ignored in: <bound method Session.del of <tensorflow.python.client.session.Session object at 0x7fcfb5b92eb8>>
Traceback (most recent call last):
File "/home/peyman.mortazavi/.envs/class/lib/python3.4/site-packages/tensorflow/python/client/session.py", line 701, in del
TypeError: 'NoneType' object is not callable

Loss Function: categorical_crossentropy and binary_crossentropy

I was in the 05/09/2018 class before TrainAI conference, and one peer student reported better accuracy when replacing categorical_crossentropy with binary_crossentropy, and I experienced that improvement too on 2 architectures (perceptron, mlp) and possibly more.

I'd like to ask/discuss here, what the mathematics look like when apply binary cross entropy loss function to multiple-label classification? I'm speculating that the way it's enforced (although binary is supposed to work with 2 labels) happen to benefit accuracy in this problem.

Toy example and my guess:
label = [0, 0, 1, 0, 0], predict = [0.1, 0.1, 0.6, 0.1, 0.1]
categorical_crossentropy(label, predict) = -log(0.6)
binary_crossentropy(label, predict) = -log(0.6)-4*log(0.9)

Issue with keras-deep-dream.py

Getting an error when trying to compile deep dream. Maybe an issue with py 2.7?

Gibson:ml-class usbots$ python keras-deep-dream.py
Using TensorFlow backend.
Traceback (most recent call last):
File "keras-deep-dream.py", line 54, in
model = inception_v3.InceptionV3(weights='imagenet', include_top=False)
File "/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/keras/applications/inception_v3.py", line 386, in InceptionV3
model.load_weights(weights_path)
File "/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/keras/engine/topology.py", line 2531, in load_weights
raise ImportError('load_weights requires h5py.')
ImportError: load_weights requires h5py.
Gibson:ml-class usbots$ python keras-deep-dream.py
Using TensorFlow backend.
Traceback (most recent call last):
File "keras-deep-dream.py", line 55, in
include_top=False)
File "/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/keras/applications/inception_v3.py", line 386, in InceptionV3
model.load_weights(weights_path)
File "/Library/Frameworks/Python.framework/Versions/2.7/lib/python2.7/site-packages/keras/engine/topology.py", line 2531, in load_weights
raise ImportError('load_weights requires h5py.')
ImportError: load_weights requires h5py.

Not all the datasets are present properly in the appropriate directories

Hi @lukas. With this issue, I don't anyway want to demean anything. I understand that things can go wrong sometimes behind our eyes. Firstly, thank you very much to you and your team for developing Weights and Biases. I am really becoming an active user of the library.

This issue struck my mind when I was going through your awesome of tutorials on a bunch of cool topics in deep learning. When going through the tutorial on Time-series and Character Generation, I found out that the datasets were not there where they should be. Moreover, the .txt files required for the Character generation tutorial was not present at all. Would be great if you could put together those files sometime.

error in videos/seq2seq/train.py

Hi, when I run train.py, I get the following error:

Traceback (most recent call last): File "wandb-tutorials/ml-class/videos/seq2seq/train.py", line 131, in <module> guess = ctable.decode(preds[0], calc_argmax=False) File "wandb-tutorials/ml-class/videos/seq2seq/train.py", line 41, in decode return ''.join(self.indices_char[x] for x in x) File "wandb-tutorials/ml-class/videos/seq2seq/train.py", line 41, in <genexpr> return ''.join(self.indices_char[x] for x in x) TypeError: unhashable type: 'numpy.ndarray'

Any ideas how to fix this?

Pip not installed

Hi! I cloned the Github repository:

git clone https://github.com/lukas/ml-class.git
and then went on to the next step:

#### Install necessary pip libraries

Unfortunately, pip wasn't installed for some reason.

I resolved this via this Stack Overflow article: https://stackoverflow.com/questions/9780717/bash-pip-command-not-found

Why not just do sudo easy_install pip or if this is for python 2.6 sudo easy_install-2.6 pip?

This installs pip using the default python package installer system and saves you the hassle of manual set-up all at the same time.

This will allow you to then run the pip command for python package installation as it will be installed with the system python. I also recommend once you have pip using the virtualenv package and pattern. :)

keras-download-py missing

I am running on Mac and following README file, python keras-download.py fails due to file missing

conflicting requirements when installing from requirements.txt

I've tried installing the dependencies using pipenv but got some errors:

[pipenv.exceptions.ResolutionFailure]: Warning: Your dependencies could not be resolved. You likely have a mismatch in your sub-dependencies.
ERROR: ERROR: Could not find a version that matches keras-applications==1.0.2,>=1.0.6

After digging it seems like tensorflow requires keras-applications>=1.0.6 while forcing Keras==2.2.0 requires keras-applications>=1.0.2

tensorflow==1.13.1
  - absl-py [required: >=0.1.6, installed: 0.7.1]
    - six [required: Any, installed: 1.12.0]
  - astor [required: >=0.6.0, installed: 0.8.0]
  - gast [required: >=0.2.0, installed: 0.2.2]
  - grpcio [required: >=1.8.6, installed: 1.21.1]
    - six [required: >=1.5.2, installed: 1.12.0]
  - keras-applications [required: >=1.0.6, installed: 1.0.7]

Keras==2.2.0
  - h5py [required: Any, installed: 2.9.0]
    - numpy [required: >=1.7, installed: 1.16.3]
    - six [required: Any, installed: 1.12.0]
  - keras-applications [required: ==1.0.2, installed: 1.0.7]

Maybe you could slightly change the requirements?
Thanks

cannot import name 'np_utils' from 'keras.utils'

I suppose some things must have changed since the course was released.

(venv) nelsnelson@neptuno:~/Documents/code/ml-class/videos/intro[master]$ python perceptron-single.py 
Traceback (most recent call last):
  File "/Users/nelsnelson/Documents/code/ml-class/videos/intro/perceptron-single.py", line 4, in <module>
    from keras.utils import np_utils
ImportError: cannot import name 'np_utils' from 'keras.utils' (/Users/nelsnelson/Documents/code/ml-class/venv/lib/python3.9/site-packages/keras/utils/__init__.py)

rnn.py no longer breaks as expected when adding units

In the RNN prediction video, a shape error is generated when the RNN outputs a 5-element hidden state when it should be outputting a 1-element hidden state.

Weirdly enough, in a more recent version of Keras, this error no longer occurs.

I suspect some weirdness is happening inside the loss function calculation.

Interestingly, the predictions on the validation data no longer line up, as can be seen in this project.

request for guidance

I've run the training with your code on the mnist dataset and am trying to figure out how to check / predict a value from an image of a number six I created. I'm sure there's a whole lot wrong with this code. Could you help me understand this a bit more? I'm new to ML.

I had saved the h5 file using model.save at the end of training. but seems I have to load it using load_weights and not just load. I'd like to load everything including the ??model state??

please advise.

import random
import numpy as np
import keras
import sys
# import wandb
# from wandb.keras import WandbCallback
from keras.models import Sequential, Model
from keras.layers import Flatten, Dense, Concatenate, Dot, Lambda, Input
from keras.datasets import mnist
from keras.optimizers import Adam
import matplotlib.pyplot as plt
from keras import backend as K
import scipy
import cv2



def debug(*args):
  for arg in args:
    print(arg)
  sys.exit()


def euclidean_distance(vects):
  x, y = vects
  sum_square = K.sum(K.square(x - y), axis=1, keepdims=True)
  return K.sqrt(K.maximum(sum_square, K.epsilon()))


# 3 channel images of arbitrary shape
inp = Input(shape=(3, None, None))
try:
  out = Lambda(lambda image: K.resize_images(image, (28, 28), "channels_first"))(inp)
except :
  # if you have older version of tensorflow
  out = Lambda(lambda image: K.resize_images(image, 28, 28, "channels_first"))(inp)


model = Model(input=inp, output=out)

input = Input((28,28))
x = Flatten()(input)
x = Dense(128, activation='relu')(x)
dense = Model(input, x)

input1 = Input((28,28))
input2 = Input((28,28))

dense1 = dense(input1)
dense2 = dense(input2)

merge_layer = Lambda(euclidean_distance)([dense1,dense2])
dense_layer = Dense(1, activation="sigmoid")(merge_layer)
model = Model(inputs=[input1, input2], outputs=dense_layer)

model.load_weights("mnist.h5")

model.summary()

X = cv2.imread('six.png')
X = cv2.resize(X, (28, 28))
X.shape = (3, 28, 28)

out = model.predict(X[np.newaxis, ...])

fig, Axes = plt.subplots(nrows=1, ncols=2)
Axes[0].imshow(X)
Axes[1].imshow(np.int8(out[0,...]))

plt.show()

resolve OOM errors in transfer-learning or warn that it needs a GPU

On my reasonably-equipped home cpu-machine and on the (cpu) hub, the transfer-learning example causes OOM errors -- sometimes even before getting to the model.fit call.

They're pretty scary-looking, if you're not expecting them, and depending on the exact system parameters, they can sometimes be triggered inside of the wandb.init call, making it look like our fault.

Potential solutions:

  • cut the dataset size in half
  • shrink the images to the minimum acceptable size for ResNet50 (80% of current size)

data-prep.py (specify encoder in open statements)

When the default encoder is not set to utf8, the data-prep.py code errors out. Might help for future classes to have the option specified.

with open("train.csv", "w") as f:

change to:

with open("train.csv", "w",encoding="utf8") as f:

note that there are 6 instances of open where adding the encoding statement should help!

Lines with issue:

  • 20
  • 27
  • 33
  • 48
  • 55
  • 61

Keras interaction with Tensorflow

perceptron-linear.py is not interacting correctly with tensorflow, even though tests from tensorFlow verify that it is correctly installed. Other issues include a missing keras-datasets folder.

Tip for installing modules via pip

On macOS El Capitain and later, you might run into permissions issues and the easiest way to fix this is to use the --user option so that the pip module is installed for the current user.

E.g.,:

pip install --user keras

I was having issues until I did the above.

wandb signup "Traceback (most recent call last)"

pip install -r requirements.txt
wandb signup

how to solve traceback error help me , all log is given

pip install -r requirements.txt
DEPRECATION: Python 2.7 reached the end of its life on January 1st, 2020. Please upgrade your Python as Python 2.7 is no longer maintained. A future version of pip will drop support for Python 2.7. More details about Python 2 support in pip, can be found at https://pip.pypa.io/en/latest/development/release-process/#python-2-support
Defaulting to user installation because normal site-packages is not writeable
Requirement already satisfied: tensorflow in /Users/survar/Library/Python/2.7/lib/python/site-packages (from -r requirements.txt (line 1)) (2.1.0)
Requirement already satisfied: keras in /Users/survar/Library/Python/2.7/lib/python/site-packages (from -r requirements.txt (line 2)) (2.3.1)
Requirement already satisfied: pandas in /Users/survar/Library/Python/2.7/lib/python/site-packages (from -r requirements.txt (line 3)) (0.24.2)
Requirement already satisfied: numpy in /System/Library/Frameworks/Python.framework/Versions/2.7/Extras/lib/python (from -r requirements.txt (line 4)) (1.8.0rc1)
Requirement already satisfied: pillow in /Users/survar/Library/Python/2.7/lib/python/site-packages (from -r requirements.txt (line 5)) (6.2.2)
Requirement already satisfied: wandb in /Users/survar/Library/Python/2.7/lib/python/site-packages (from -r requirements.txt (line 6)) (0.8.22)
Requirement already satisfied: h5py in /Users/survar/Library/Python/2.7/lib/python/site-packages (from -r requirements.txt (line 7)) (2.10.0)
Requirement already satisfied: opencv-python in /Users/survar/Library/Python/2.7/lib/python/site-packages (from -r requirements.txt (line 8)) (4.1.2.30)
Requirement already satisfied: scikit-learn in /Users/survar/Library/Python/2.7/lib/python/site-packages (from -r requirements.txt (line 9)) (0.20.4)
Requirement already satisfied: scikit-image in /Users/survar/Library/Python/2.7/lib/python/site-packages (from -r requirements.txt (line 10)) (0.14.5)
Requirement already satisfied: protobuf>=3.8.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from tensorflow->-r requirements.txt (line 1)) (3.11.2)
Requirement already satisfied: enum34>=1.1.6; python_version < "3.4" in /System/Library/Frameworks/Python.framework/Versions/2.7/Extras/lib/python (from tensorflow->-r requirements.txt (line 1)) (1.1.6)
Requirement already satisfied: absl-py>=0.7.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from tensorflow->-r requirements.txt (line 1)) (0.9.0)
Requirement already satisfied: functools32>=3.2.3; python_version < "3" in /Users/survar/Library/Python/2.7/lib/python/site-packages (from tensorflow->-r requirements.txt (line 1)) (3.2.3.post2)
Requirement already satisfied: gast==0.2.2 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from tensorflow->-r requirements.txt (line 1)) (0.2.2)
Requirement already satisfied: wheel; python_version < "3" in /System/Library/Frameworks/Python.framework/Versions/2.7/Extras/lib/python (from tensorflow->-r requirements.txt (line 1)) (0.33.1)
Requirement already satisfied: six>=1.12.0 in /System/Library/Frameworks/Python.framework/Versions/2.7/Extras/lib/python (from tensorflow->-r requirements.txt (line 1)) (1.12.0)
Requirement already satisfied: termcolor>=1.1.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from tensorflow->-r requirements.txt (line 1)) (1.1.0)
Requirement already satisfied: keras-applications>=1.0.8 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from tensorflow->-r requirements.txt (line 1)) (1.0.8)
Requirement already satisfied: astor>=0.6.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from tensorflow->-r requirements.txt (line 1)) (0.8.1)
Requirement already satisfied: mock>=2.0.0; python_version < "3" in /Users/survar/Library/Python/2.7/lib/python/site-packages (from tensorflow->-r requirements.txt (line 1)) (3.0.5)
Requirement already satisfied: google-pasta>=0.1.6 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from tensorflow->-r requirements.txt (line 1)) (0.1.8)
Requirement already satisfied: opt-einsum>=2.3.2 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from tensorflow->-r requirements.txt (line 1)) (2.3.2)
Requirement already satisfied: grpcio>=1.8.6 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from tensorflow->-r requirements.txt (line 1)) (1.26.0)
Requirement already satisfied: keras-preprocessing>=1.1.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from tensorflow->-r requirements.txt (line 1)) (1.1.0)
Requirement already satisfied: tensorflow-estimator<2.2.0,>=2.1.0rc0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from tensorflow->-r requirements.txt (line 1)) (2.1.0)
Requirement already satisfied: scipy==1.2.2; python_version < "3" in /Users/survar/Library/Python/2.7/lib/python/site-packages (from tensorflow->-r requirements.txt (line 1)) (1.2.2)
Requirement already satisfied: tensorboard<2.2.0,>=2.1.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from tensorflow->-r requirements.txt (line 1)) (2.1.0)
Requirement already satisfied: wrapt>=1.11.1 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from tensorflow->-r requirements.txt (line 1)) (1.11.2)
Requirement already satisfied: backports.weakref>=1.0rc1; python_version < "3.4" in /Users/survar/Library/Python/2.7/lib/python/site-packages (from tensorflow->-r requirements.txt (line 1)) (1.0.post1)
Requirement already satisfied: pyyaml in /Users/survar/Library/Python/2.7/lib/python/site-packages (from keras->-r requirements.txt (line 2)) (5.3)
Requirement already satisfied: python-dateutil>=2.5.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from pandas->-r requirements.txt (line 3)) (2.8.1)
Requirement already satisfied: pytz>=2011k in /System/Library/Frameworks/Python.framework/Versions/2.7/Extras/lib/python (from pandas->-r requirements.txt (line 3)) (2013.7)
Requirement already satisfied: Click>=7.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from wandb->-r requirements.txt (line 6)) (7.0)
Requirement already satisfied: docker-pycreds>=0.4.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from wandb->-r requirements.txt (line 6)) (0.4.0)
Requirement already satisfied: subprocess32>=3.5.3 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from wandb->-r requirements.txt (line 6)) (3.5.4)
Requirement already satisfied: nvidia-ml-py3>=7.352.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from wandb->-r requirements.txt (line 6)) (7.352.0)
Requirement already satisfied: watchdog>=0.8.3 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from wandb->-r requirements.txt (line 6)) (0.10.0)
Requirement already satisfied: gql==0.2.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from wandb->-r requirements.txt (line 6)) (0.2.0)
Requirement already satisfied: psutil>=5.0.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from wandb->-r requirements.txt (line 6)) (5.6.7)
Requirement already satisfied: requests>=2.0.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from wandb->-r requirements.txt (line 6)) (2.22.0)
Requirement already satisfied: configparser>=3.8.1 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from wandb->-r requirements.txt (line 6)) (4.0.2)
Requirement already satisfied: GitPython>=1.0.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from wandb->-r requirements.txt (line 6)) (2.1.14)
Requirement already satisfied: sentry-sdk>=0.4.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from wandb->-r requirements.txt (line 6)) (0.14.1)
Requirement already satisfied: shortuuid>=0.5.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from wandb->-r requirements.txt (line 6)) (0.5.0)
Requirement already satisfied: matplotlib>=2.0.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from scikit-image->-r requirements.txt (line 10)) (2.2.4)
Requirement already satisfied: PyWavelets>=0.4.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from scikit-image->-r requirements.txt (line 10)) (1.0.3)
Requirement already satisfied: networkx>=1.8 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from scikit-image->-r requirements.txt (line 10)) (2.2)
Requirement already satisfied: cloudpickle>=0.2.1 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from scikit-image->-r requirements.txt (line 10)) (1.2.2)
Requirement already satisfied: setuptools in /System/Library/Frameworks/Python.framework/Versions/2.7/Extras/lib/python (from protobuf>=3.8.0->tensorflow->-r requirements.txt (line 1)) (41.0.1)
Requirement already satisfied: funcsigs>=1; python_version < "3.3" in /Users/survar/Library/Python/2.7/lib/python/site-packages (from mock>=2.0.0; python_version < "3"->tensorflow->-r requirements.txt (line 1)) (1.0.2)
Requirement already satisfied: futures>=2.2.0; python_version < "3.2" in /Users/survar/Library/Python/2.7/lib/python/site-packages (from grpcio>=1.8.6->tensorflow->-r requirements.txt (line 1)) (3.3.0)
Requirement already satisfied: werkzeug>=0.11.15 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from tensorboard<2.2.0,>=2.1.0->tensorflow->-r requirements.txt (line 1)) (0.16.1)
Requirement already satisfied: google-auth<2,>=1.6.3 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from tensorboard<2.2.0,>=2.1.0->tensorflow->-r requirements.txt (line 1)) (1.11.0)
Requirement already satisfied: markdown>=2.6.8 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from tensorboard<2.2.0,>=2.1.0->tensorflow->-r requirements.txt (line 1)) (3.1.1)
Requirement already satisfied: google-auth-oauthlib<0.5,>=0.4.1 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from tensorboard<2.2.0,>=2.1.0->tensorflow->-r requirements.txt (line 1)) (0.4.1)
Requirement already satisfied: pyobjc-framework-Cocoa>=4.2.2; sys_platform == "darwin" in /Users/survar/Library/Python/2.7/lib/python/site-packages (from watchdog>=0.8.3->wandb->-r requirements.txt (line 6)) (5.3)
Requirement already satisfied: pathtools>=0.1.1 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from watchdog>=0.8.3->wandb->-r requirements.txt (line 6)) (0.1.2)
Requirement already satisfied: pyobjc-framework-FSEvents>=4.2.2; sys_platform == "darwin" in /Users/survar/Library/Python/2.7/lib/python/site-packages (from watchdog>=0.8.3->wandb->-r requirements.txt (line 6)) (5.3)
Requirement already satisfied: promise<3,>=2.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from gql==0.2.0->wandb->-r requirements.txt (line 6)) (2.3)
Requirement already satisfied: graphql-core<2,>=0.5.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from gql==0.2.0->wandb->-r requirements.txt (line 6)) (1.1)
Requirement already satisfied: chardet<3.1.0,>=3.0.2 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from requests>=2.0.0->wandb->-r requirements.txt (line 6)) (3.0.4)
Requirement already satisfied: idna<2.9,>=2.5 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from requests>=2.0.0->wandb->-r requirements.txt (line 6)) (2.8)
Requirement already satisfied: urllib3!=1.25.0,!=1.25.1,<1.26,>=1.21.1 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from requests>=2.0.0->wandb->-r requirements.txt (line 6)) (1.25.8)
Requirement already satisfied: certifi>=2017.4.17 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from requests>=2.0.0->wandb->-r requirements.txt (line 6)) (2019.11.28)
Requirement already satisfied: gitdb2>=2.0.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from GitPython>=1.0.0->wandb->-r requirements.txt (line 6)) (2.0.6)
Requirement already satisfied: cycler>=0.10 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from matplotlib>=2.0.0->scikit-image->-r requirements.txt (line 10)) (0.10.0)
Requirement already satisfied: kiwisolver>=1.0.1 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from matplotlib>=2.0.0->scikit-image->-r requirements.txt (line 10)) (1.1.0)
Requirement already satisfied: backports.functools-lru-cache in /Users/survar/Library/Python/2.7/lib/python/site-packages (from matplotlib>=2.0.0->scikit-image->-r requirements.txt (line 10)) (1.6.1)
Requirement already satisfied: pyparsing!=2.0.4,!=2.1.2,!=2.1.6,>=2.0.1 in /System/Library/Frameworks/Python.framework/Versions/2.7/Extras/lib/python (from matplotlib>=2.0.0->scikit-image->-r requirements.txt (line 10)) (2.0.1)
Requirement already satisfied: decorator>=4.3.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from networkx>=1.8->scikit-image->-r requirements.txt (line 10)) (4.4.1)
Requirement already satisfied: rsa<4.1,>=3.1.4 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from google-auth<2,>=1.6.3->tensorboard<2.2.0,>=2.1.0->tensorflow->-r requirements.txt (line 1)) (4.0)
Requirement already satisfied: cachetools<5.0,>=2.0.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from google-auth<2,>=1.6.3->tensorboard<2.2.0,>=2.1.0->tensorflow->-r requirements.txt (line 1)) (3.1.1)
Requirement already satisfied: pyasn1-modules>=0.2.1 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from google-auth<2,>=1.6.3->tensorboard<2.2.0,>=2.1.0->tensorflow->-r requirements.txt (line 1)) (0.2.8)
Requirement already satisfied: requests-oauthlib>=0.7.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from google-auth-oauthlib<0.5,>=0.4.1->tensorboard<2.2.0,>=2.1.0->tensorflow->-r requirements.txt (line 1)) (1.3.0)
Requirement already satisfied: pyobjc-core>=5.3 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from pyobjc-framework-Cocoa>=4.2.2; sys_platform == "darwin"->watchdog>=0.8.3->wandb->-r requirements.txt (line 6)) (5.3)
Requirement already satisfied: typing>=3.6.4; python_version < "3.5" in /Users/survar/Library/Python/2.7/lib/python/site-packages (from promise<3,>=2.0->gql==0.2.0->wandb->-r requirements.txt (line 6)) (3.7.4.1)
Requirement already satisfied: smmap2>=2.0.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from gitdb2>=2.0.0->GitPython>=1.0.0->wandb->-r requirements.txt (line 6)) (2.0.5)
Requirement already satisfied: pyasn1>=0.1.3 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from rsa<4.1,>=3.1.4->google-auth<2,>=1.6.3->tensorboard<2.2.0,>=2.1.0->tensorflow->-r requirements.txt (line 1)) (0.4.8)
Requirement already satisfied: oauthlib>=3.0.0 in /Users/survar/Library/Python/2.7/lib/python/site-packages (from requests-oauthlib>=0.7.0->google-auth-oauthlib<0.5,>=0.4.1->tensorboard<2.2.0,>=2.1.0->tensorflow->-r requirements.txt (line 1)) (3.1.0)
$ cd videos
$ ls
autoencoder cnn emotion-classifier mlp text-classifier transfer-learning
cifar-augmentation cnn-audio intro one-shot text-gen video-predict
cifar-learn-rate cnn-text lstm-classifier seq2seq time-series
$ cd intro
$ ls
mlp.py perceptron-linear.py perceptron-normalize.py perceptron-single.py
mnist.png perceptron-logistic.py perceptron-single-fixed.py
$ wandb signup
Traceback (most recent call last):
File "/usr/local/bin/wandb", line 5, in
from wandb.cli import cli
File "/usr/local/lib/python3.7/site-packages/wandb/init.py", line 45, in
from wandb.apis import InternalApi, PublicApi, CommError
File "/usr/local/lib/python3.7/site-packages/wandb/apis/init.py", line 97, in
from .file_stream import FileStreamApi
File "/usr/local/lib/python3.7/site-packages/wandb/apis/file_stream.py", line 11, in
from wandb import util
File "/usr/local/lib/python3.7/site-packages/wandb/util.py", line 24, in
import yaml
ModuleNotFoundError: No module named 'yaml'

AttributeError: can't set attribute 'model'

UserWarning: Do not pass an input_shape/input_dim argument to a layer. When using Sequential models, prefer using an Input(shape) object as the first layer in the model instead.
super().init(**kwargs)
2024-04-21 14:05:53.118504: I external/local_xla/xla/stream_executor/cuda/cuda_executor.cc:998] successful NUMA node read from SysFS had negative value (-1), but there must be at least one NUMA node, so returning NUMA node zero. See more at https://github.com/torvalds/linux/blob/v6.0/Documentation/ABI/testing/sysfs-bus-pci#L344-L355
2024-04-21 14:05:53.170341: W tensorflow/core/common_runtime/gpu/gpu_device.cc:2251] Cannot dlopen some GPU libraries. Please make sure the missing libraries mentioned above are installed properly if you would like to use GPU. Follow the guide at https://www.tensorflow.org/install/gpu for how to download and setup the required libraries for your platform.
Skipping registering GPU devices...
wandb: WARNING The save_model argument by default saves the model in the HDF5 format that cannot save custom objects like subclassed models and custom layers. This behavior will be deprecated in a future release in favor of the SavedModel format. Meanwhile, the HDF5 model is saved as W&B files and the SavedModel as W&B Artifacts.
wandb: WARNING The data_type argument of wandb.keras.WandbCallback is deprecated and will be removed in a future release. Please use input_type instead.
wandb: WARNING Setting input_type = data_type.
Traceback (most recent call last):
File "ml-class/videos/intro/perceptron-single.py", line 33, in
model.fit(X_train, is_five_train, epochs=config.epochs, validation_data=(X_test, is_five_test),
File "/home/nox/.local/lib/python3.10/site-packages/keras/src/utils/traceback_utils.py", line 122, in error_handler
raise e.with_traceback(filtered_tb) from None
File "/home/nox/.local/lib/python3.10/site-packages/wandb/integration/keras/keras.py", line 555, in set_model
self.model = model
AttributeError: can't set attribute 'model'
Traceback (most recent call last):
File "ml-class/videos/intro/perceptron-single.py", line 33, in
model.fit(X_train, is_five_train, epochs=config.epochs, validation_data=(X_test, is_five_test),
File "/home/nox/.local/lib/python3.10/site-packages/keras/src/utils/traceback_utils.py", line 122, in error_handler
raise e.with_traceback(filtered_tb) from None
File "/home/nox/.local/lib/python3.10/site-packages/wandb/integration/keras/keras.py", line 555, in set_model
self.model = model
AttributeError: can't set attribute 'model'
wandb: ๐Ÿš€ View run dark-spaceship-22 at: https://wandb.ai/dailynet/ml-class-videos_intro/runs/yrv31kua
wandb: โญ๏ธ View project at: https://wandb.ai/dailynet/ml-class-videos_intro
wandb: Synced 5 W&B file(s), 0 media file(s), 2 artifact file(s) and 0 other file(s)
wandb: Find logs at: ./wandb/run-20240421_140549-yrv31kua/logs

Error when pip install in MacOS

I ran into installation error when I execute 'pip install wandb'.

2020-04-02 at 11 46 AM
2020-04-02 at 11 46 AM

OS: MacOS Catalina v10.15.3
Device: Macbook pro 2017

Does anyone got the same problem?

no module named 'win32api' on 64 bit python

Just starting on python and ML. I am working through the first example. I have 64bit anaconda python 3.7, I had to create a 3.6 conda environment to get keras etc to install. Then executing ex 1, I got the following (Is this just a 64bit python problem? and I need 32bit python?):
Traceback (most recent call last):
File "perceptron-single.py", line 10, in
run = wandb.init()
File "C:\Anaconda3\envs\ml-class\lib\site-packages\wandb_init_.py", line 1051, in init
init_headless(run)
File "C:\Anaconda3\envs\ml-class\lib\site-packages\wandb_init
.py", line 223, in _init_headless
import win32api
ModuleNotFoundError: No module named 'win32api'

Thanks,
Neil

wandb command not found

wandb is installed, but when I type in "wandb login" from command prompt, it returns "-bash: wandb: command not found"

Feature-Extraction-1 needs to check for nulls

Hi! Thanks for offering the NYC Training! Running some of the scripts to make sure everything works and got some errors in feature-extraction-1.py because it didn't include the lines to remove nulls (and the 6th row of the sample data file has a null).
Thanks again!

Remove the blank rows from the series:

target = target[pd.notnull(text)]
text = text[pd.notnull(text)]

issue with model weights in keras-puzzle/weights.py

Errored when loading in perceptron.h5 (running code as is):

File "weights.py", line 49, in
weight0, bias0 = load_weights_from_keras_perceptron('perceptron.h5')
File "weights.py", line 33, in load_weights_from_keras_perceptron
bias = f['model_weights']['dense_1']['dense_1']['bias:0'][()]
KeyError: "Unable to open object (object 'model_weights' doesn't exist)"

Certificate Error

Hi, when running keras-download.py I received the certificate error below. Did I miss a step in my install? Thanks, Eric

Downloading data from https://github.com/fchollet/deep-learning-models/releases/download/v0.2/resnet50_weights_tf_dim_ordering_tf_kernels.h5
Traceback (most recent call last):
File "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/urllib/request.py", line 1318, in do_open
encode_chunked=req.has_header('Transfer-encoding'))
File "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/http/client.py", line 1239, in request
self._send_request(method, url, body, headers, encode_chunked)
File "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/http/client.py", line 1285, in _send_request
self.endheaders(body, encode_chunked=encode_chunked)
File "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/http/client.py", line 1234, in endheaders
self._send_output(message_body, encode_chunked=encode_chunked)
File "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/http/client.py", line 1026, in _send_output
self.send(msg)
File "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/http/client.py", line 964, in send
self.connect()
File "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/http/client.py", line 1400, in connect
server_hostname=server_hostname)
File "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/ssl.py", line 407, in wrap_socket
_context=self, _session=session)
File "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/ssl.py", line 814, in init
self.do_handshake()
File "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/ssl.py", line 1068, in do_handshake
self._sslobj.do_handshake()
File "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/ssl.py", line 689, in do_handshake
self._sslobj.do_handshake()
ssl.SSLError: [SSL: CERTIFICATE_VERIFY_FAILED] certificate verify failed (_ssl.c:777)

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/keras/utils/data_utils.py", line 220, in get_file
urlretrieve(origin, fpath, dl_progress)
File "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/urllib/request.py", line 248, in urlretrieve
with contextlib.closing(urlopen(url, data)) as fp:
File "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/urllib/request.py", line 223, in urlopen
return opener.open(url, data, timeout)
File "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/urllib/request.py", line 526, in open
response = self._open(req, data)
File "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/urllib/request.py", line 544, in _open
'_open', req)
File "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/urllib/request.py", line 504, in _call_chain
result = func(*args)
File "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/urllib/request.py", line 1361, in https_open
context=self._context, check_hostname=self._check_hostname)
File "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/urllib/request.py", line 1320, in do_open
raise URLError(err)
urllib.error.URLError: <urlopen error [SSL: CERTIFICATE_VERIFY_FAILED] certificate verify failed (_ssl.c:777)>

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "keras-download.py", line 4, in
model = ResNet50(weights='imagenet')
File "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/keras/applications/resnet50.py", line 258, in ResNet50
md5_hash='a7b3fe01876f51b976af0dea6bc144eb')
File "/Library/Frameworks/Python.framework/Versions/3.6/lib/python3.6/site-packages/keras/utils/data_utils.py", line 222, in get_file
raise Exception(error_msg.format(origin, e.errno, e.reason))
Exception: URL fetch failure on https://github.com/fchollet/deep-learning-models/releases/download/v0.2/resnet50_weights_tf_dim_ordering_tf_kernels.h5: None -- [SSL: CERTIFICATE_VERIFY_FAILED] certificate verify failed (_ssl.c:777)
$

Got ValueError: Input 0 is incompatible with layer lstm_1: expected ndim=3, found ndim=4 in audio.ipynb

https://github.com/lukas/ml-class/blob/master/videos/cnn-audio/audio.ipynb

run with

build model

model = Sequential()
model.add(LSTM(16, input_shape=(config.buckets, config.max_len, channels), activation="sigmoid"))
model.add(Dense(1, activation='sigmoid'))
model.add(Dense(num_classes, activation='softmax'))
model.compile(loss="categorical_crossentropy",
optimizer="adam",
metrics=['accuracy'])
wandb.init()
model.fit(X_train, y_train_hot, epochs=config.epochs, validation_data=(X_test, y_test_hot), callbacks=[WandbCallback(data_type="image", labels=labels)])

Got
WARNING:tensorflow:From /home/jing/anaconda3/envs/venv_ai/lib/python3.7/site-packages/keras/backend/tensorflow_backend.py:74: The name tf.get_default_graph is deprecated. Please use tf.compat.v1.get_default_graph instead.

WARNING:tensorflow:From /home/jing/anaconda3/envs/venv_ai/lib/python3.7/site-packages/keras/backend/tensorflow_backend.py:517: The name tf.placeholder is deprecated. Please use tf.compat.v1.placeholder instead.

Traceback (most recent call last):
File "audio.py", line 56, in
model.add(LSTM(16, input_shape=(config.buckets, config.max_len, channels), activation="sigmoid"))
File "/home/jing/anaconda3/envs/venv_ai/lib/python3.7/site-packages/keras/engine/sequential.py", line 165, in add
layer(x)
File "/home/jing/anaconda3/envs/venv_ai/lib/python3.7/site-packages/keras/layers/recurrent.py", line 532, in call
return super(RNN, self).call(inputs, **kwargs)
File "/home/jing/anaconda3/envs/venv_ai/lib/python3.7/site-packages/keras/engine/base_layer.py", line 414, in call
self.assert_input_compatibility(inputs)
File "/home/jing/anaconda3/envs/venv_ai/lib/python3.7/site-packages/keras/engine/base_layer.py", line 311, in assert_input_compatibility
str(K.ndim(x)))

ValueError: Input 0 is incompatible with layer lstm_1: expected ndim=3, found ndim=4
wandb: Waiting for W&B process to finish, PID 11125
wandb: Program failed with code 1. Press ctrl-c to abort syncing.
wandb: Syncing 6 W&B file(s) and 0 media file(s)
wandb:
wandb: Synced wandering-salad-3: https://app.wandb.ai/jing/ml-class-videos_cnn-audio/runs/y7wdkao7

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    ๐Ÿ–– Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. ๐Ÿ“Š๐Ÿ“ˆ๐ŸŽ‰

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google โค๏ธ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.