Giter VIP home page Giter VIP logo

introtodeeplearning's Introduction

banner

This repository contains all of the code and software labs for MIT Introduction to Deep Learning! All lecture slides and videos are available on the program website.

Instructions

MIT Introduction to Deep Learning software labs are designed to be completed at your own pace. At the end of each of the labs, there will be instructions on how you can submit your materials as part of the lab competitions. These instructions include what information must be submitted and in what format.

Opening the labs in Google Colaboratory:

The 2023 Introduction to Deep Learning labs will be run in Google's Colaboratory, a Jupyter notebook environment that runs entirely in the cloud, so you don't need to download anything. To run these labs, you must have a Google account.

On this Github repo, navigate to the lab folder you want to run (lab1, lab2, lab3) and open the appropriate python notebook (*.ipynb). Click the "Run in Colab" link on the top of the lab. That's it!

Running the labs

Now, to run the labs, open the Jupyter notebook on Colab. Navigate to the "Runtime" tab --> "Change runtime type". In the pop-up window, under "Runtime type" select "Python 3", and under "Hardware accelerator" select "GPU". Go through the notebooks and fill in the #TODO cells to get the code to compile for yourself!

MIT Deep Learning package

You might notice that inside the labs we install the mitdeeplearning python package from the Python Package repository:

pip install mitdeeplearning

This package contains convienence functions that we use throughout the course and can be imported like any other Python package.

>>> import mitdeeplearning as mdl

We do this for you in each of the labs, but the package is also open source under the same license so you can also use it outside the class.

Lecture Videos

All lecture videos are available publicly online and linked above! Use and/or modification of lecture slides outside of MIT Introduction to Deep Learning must reference:

© MIT Introduction to Deep Learning

http://introtodeeplearning.com

License

All code in this repository is copyright 2023 MIT Introduction to Deep Learning. All Rights Reserved.

Licensed under the MIT License. You may not use this file except in compliance with the License. Use and/or modification of this code outside of MIT Introduction to Deep Learning must reference:

© MIT Introduction to Deep Learning

http://introtodeeplearning.com

introtodeeplearning's People

Contributors

aamini avatar alamshorna avatar aravic avatar avaamini avatar divnori avatar doctorwolfram avatar dwanderton avatar egesko avatar elrashid avatar erhuve avatar gilgameshxzero avatar jmoseyko avatar mahendrakariya avatar niranth-s avatar ohatakenji avatar ozankaraali avatar rohilverma avatar rohithdevarshetty avatar sh4ka avatar slolla avatar whymauri avatar zhouyangyu 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  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

introtodeeplearning's Issues

ValueError: Unknown graph. Aborting.

y_pred_standard = tf.round(tf.nn.sigmoid(standard_classifier.predict(batch_x)))
lab2 DebiasingSolution
running this command gives the above mentioned error. please help me through it

Images don't render in copied Colab notebooks

The images in the notebooks go to relative links from the folder structure. This works when rendering in GitHub, but not in Colab. For example, from lab1/Part1_tensorflow.ipynb:

...
![alt text](img/add-graph.png "Computation Graph")

image

This can be fixed by pulling in the image path from the web, e.g.:

...
![alt text](https://github.com/aamini/introtodeeplearning_labs/raw/master/lab1/img/add-graph.png "Computation Graph")

image

Adding the https://github.com/aamini/introtodeeplearning_labs/raw/master/lab1/ (or lab2 etc.) prefix to images' path in the notebook will ensure they render in both GitHub and Colab.

Docker images pull error

Hi amini,
I'm trying to pull the docker images by this link DockerHub, it seems that there're some problems. I try docker pull mit6s191/iap2018 in terminal, it gives me this message:

Using default tag: latest
Error response from daemon: manifest for mit6s191/iap2018:latest not found

then, I use docker pull mit6s191/iap2018:labs, it shows:

error pulling image configuration: Get https://dseasb33srnrn.cloudfront.net/registry-v2/docker/registry/v2/blobs/sha256/48/48db1fb4c0b5d8aeb65b499c0623b057f6b50f93eed0e9cfb3f963b0c12a74db/data?Expires=1524752941&Signature=AKuwnCd69y-fs0NlLjQnAlBoUhbht-gWbIYIoIESf7dERzjlkeejUndYC1QCnEhjjlhZAvv2NWQFWEf-Efc6noGUV9hK4QRVaQqO23zRKRrqarTWVMLj5LQX4X1Qikze5YEXy4VqdNm5t88WRQsfDvsPHHDmKx6vqA2V4VgVDP8_&Key-Pair-Id=APKAJECH5M7VWIS5YZ6Q: net/http: TLS handshake timeout

Could you please help to address this problem? Thank you.

Lab3/Cartpole error while saving video

Hello. I'm running Lab3 in Google Colab. When I'm trying to execute the cell with video saving function, I get an AttributeError

Cell:

def save_video_of_model(model, env_name, filename='agent.mp4'):  
  import skvideo.io
  from pyvirtualdisplay import Display
  display = Display(visible=0, size=(40, 30))
  display.start()

  env = gym.make(env_name)
  obs = env.reset()
  shape = env.render(mode='rgb_array').shape[0:2]

  out = skvideo.io.FFmpegWriter(filename)

  done = False
  while not done: 
      frame = env.render(mode='rgb_array')
      out.writeFrame(frame)
      
      action = model(tf.convert_to_tensor(obs.reshape((1,-1)), tf.float32)).numpy().argmax()
      obs, reward, done, info = env.step(action)
  out.close()
  print "Successfully saved into {}!".format(filename)

save_video_of_model(cartpole_model, "CartPole-v0")

Error:

W0716 08:40:55.591255 140415180294016 abstractdisplay.py:151] xdpyinfo was not found, X start can not be checked! Please install xdpyinfo!

AttributeErrorTraceback (most recent call last)
<ipython-input-25-e18a54b970ec> in <module>()
     21   print "Successfully saved into {}!".format(filename)
     22 
---> 23 save_video_of_model(cartpole_model, "CartPole-v0")

3 frames
<ipython-input-25-e18a54b970ec> in save_video_of_model(model, env_name, filename)
      7   env = gym.make(env_name)
      8   obs = env.reset()
----> 9   shape = env.render(mode='rgb_array').shape[0:2]
     10 
     11   out = skvideo.io.FFmpegWriter(filename)

/usr/local/lib/python2.7/dist-packages/gym/core.pyc in render(self, mode, **kwargs)
    274 
    275     def render(self, mode='human', **kwargs):
--> 276         return self.env.render(mode, **kwargs)
    277 
    278     def close(self):

/usr/local/lib/python2.7/dist-packages/gym/envs/classic_control/cartpole.pyc in render(self, mode)
    186         self.poletrans.set_rotation(-x[2])
    187 
--> 188         return self.viewer.render(return_rgb_array = mode=='rgb_array')
    189 
    190     def close(self):

/usr/local/lib/python2.7/dist-packages/gym/envs/classic_control/rendering.pyc in render(self, return_rgb_array)
     94             buffer = pyglet.image.get_buffer_manager().get_color_buffer()
     95             image_data = buffer.get_image_data()
---> 96             arr = np.fromstring(image_data.data, dtype=np.uint8, sep='')
     97             # In https://github.com/openai/gym-http-api/issues/2, we
     98             # discovered that someone using Xmonad on Arch was having

AttributeError: 'ImageData' object has no attribute 'data'

PPBFaceEvaluator : ValueError: too many values to unpack

Hi,
in Lab2, in the beginning of part 2. When i called PPBFaceEvaluator. I got error like below

**---------------------------------------------------------------------------
ValueError Traceback (most recent call last)
in ()
----> 1 ppb = util.PPBFaceEvaluator() #create dataset handler

~\Python\introtodeeplearning_labs\lab2\util.py in init(self, skip)
72 with open(ppb_anno) as f:
73 for line in f.read().split('\r'):
---> 74 ind, name, gender, numeric, skin, country = line.split(',')
75 self.anno_dict[name] = (gender.lower(),skin.lower())
76

ValueError: too many values to unpack (expected 6)**

I use Python 3.7 run on Jupyter Notebook
Thank you in advance

Lab1 training data not found under mdl.lab1.load_training_data()

Hello Team,

I was trying to practice your Lab1 music generation notebook. But I am unable to import or load data through following code:

# download data
songs = mdl.lab1.load_training_data()

I got this below error:

AttributeError: module 'mitdeeplearning' has no attribute 'lab1'

Any help?

Regards,
Ankit

Trying to run Docker

Hi

I think that it is a basic step, I was googling about it but i can't find what is

the correct path to this github repo

to be replace in docker command.

Could anyone help me with this?

Thank you in advance
M

invalid bind mount spec, invalid mode: /notebooks/introtodeeplearning_labs

I am trying to try the notebooks posted here as per the instructions given in the readme here as:

sudo docker run -p 8888:8888 -p 6006:6006 -v https://github.com/aamini/introtodeeplearning_labs:/notebooks/introtodeeplearning_labs mit6s191/iap2018:labs

when I get the error:

docker: Error response from daemon: invalid bind mount spec "https://github.com/aamini/introtodeeplearning_labs:/notebooks/introtodeeplearning_labs": invalid mode: /notebooks/introtodeeplearning_labs.

Am I missing the path for the repo?

Python-midi not available for Python 3.6.5

I have a miniconda installation with Python3.6.5.
I tried installing python-midi using pip.
The package fails with an error.

 Using cached https://files.pythonhosted.org/packages/8d/e1/fd34aa05508d907449fb2d66a679d4f98eeeacdb4b3c7e6af87d91c4fa21/python-midi-v0.2.4.tar.gz
    Complete output from command python setup.py egg_info:
    Traceback (most recent call last):
      File "<string>", line 1, in <module>
      File "C:\Users\shrung\AppData\Local\Temp\pip-install-jyfi7tsr\python-midi\setup.py", line 42
        print "No sequencer available for '%s' platform." % platform
                                                        ^
    SyntaxError: Missing parentheses in call to 'print'. Did you mean print("No sequencer available for '%s' platform." % platform)?

    ----------------------------------------
Command "python setup.py egg_info" failed with error code 1 in C:\Users\shrung\AppData\Local\Temp\pip-install-jyfi7tsr\python-midi\

I have a few questions:

  1. Is there a plan to add python 3 support to labs.
  2. Any alternate to python midi that is recommended?

Avoid colocate_with warning in lab1/part1 solution by using tf.add

lab1/Part1_tensorflow_solution.ipynb includes this code:

def our_dense_layer(x, n_in, n_out):
  # ...
  z = tf.matmul(x,W) + b

When this is called in the next cell, it produces this warning:

WARNING:tensorflow:From /usr/local/lib/python2.7/dist-packages/tensorflow/python/ops/resource_variable_ops.py:642: colocate_with (from tensorflow.python.framework.ops) is deprecated and will be removed in a future version.
Instructions for updating:
Colocations handled automatically by placer.
tf.Tensor([[0.95257413 0.95257413 0.95257413]], shape=(1, 3), dtype=float32)

This warning can be avoided by replacing the +b code segment with tf.add, i.e.

z = tf.add(tf.matmul(x, W), b, name="z")

(also more TensorFlow-y)

Value Error: Steps arugument

Hi i get error from this line in lab 1.
dense_layer = Dense(n_output_nodes, input_shape=(n_input_nodes,),activation='sigmoid')

Error;

ValueError: When using data tensors as input to a model, you should specify the steps argument.

Lab1/Part2 install abcmidi timidity

I am using VSCode and when I try to play any song even after using
apt-get install abcmidi timidity > /dev/null 2>&1
I get this error
rm: tmp.mid: No such file or directory

Number of nodes after conv layer seems wrong.

In Lab 2 part 1, the formula for calculating the number of nodes in a feature map after a convolution or a pooling operation is given as n = (((d - i + 2p) / s) + 1)^2). Shouldn't it be without the square operation?

equation not rendered

In lab2/Part2_Debiasing.ipynb, when viewed through github, the equations for vae_loss_function are not rendered as latex. They appear as the raw latex strings.

Lab1 Part2 returns "Found 0 songs in text" after training the model

Hello,

I have tried to recreate Lab1 Music Generation with RNNs and I got "Found 0 songs in text" after running the last piece of code.

At first, I thought that it is my fault but then I just copied all the solution code and still got that message.

Any ideas how to fix it?

ModuleNotFoundError: No module named 'lab1'

Hi, quick solution for importing this modules?
ModuleNotFoundError Traceback (most recent call last)
in ()
8 from IPython import display as ipythondisplay
9
---> 10 import introtodeeplearning_labs as util
11
12 is_correct_tf_version = '1.14.0' in tf.version

/content/introtodeeplearning_labs/init.py in ()
----> 1 from lab1 import *
2 from lab2 import *
3 # from lab3 import *
4
5

Empty jupyter notbook list

Hi there!

I use Docker for Mac.

I ran the docker as follows:
docker run -p 8888:8888 -p 6006:6006 -v introtodeeplearning_labs:/notebooks/introtodeeplearning_labs mit6s191/iap2018:labs

But when I opened the browser, what I saw was an empty introtodeepleraning_labs folder
image

image

I couldn't find lab1 or lab2 folders. What happened?

Thanks for any response!

Lab 2 Import Regex

I am having to import "introtodeeplearning_labs". Has anyone have the same problem?
Regex error

Incorrect matrix operation in Lab 1

What a Keras dense layer do is this: output = activation(dot(input, kernel) + bias) -(1) Noting that the matrix operation between the kernel (weights) and the input is a dot product NOT matrix multiplication.

Lab 1, section 1.3 graph and the code todo comment incorrectly says to use tf.matmul() which is matrix multiplication, instead it we should use the dot product function, as is the case with the Dense layer doc link below (1)

image

image

(1) https://www.tensorflow.org/api_docs/python/tf/keras/layers/Dense?version=stable

License

Is there any plan to add a permissive license to this repo?

Lab3, part 2 pong will not save video correctly

"save_video_of_model(pong_model, "Pong-v0", filename='pong_agent.mp4')" will fail because

save_video_of_model does not call pre_process on the observations, the model expects a pre-processed tensor of size 80*80 and not the raw one that comes from the Pong-v0.

as a hack, I changed (just for the pong model)
action = model(tf.convert_to_tensor(obs.reshape((1,-1)), tf.float32)).numpy().argmax()
to
action = model(tf.convert_to_tensor(pre_process(obs).reshape((1,-1)), tf.float32)).numpy().argmax()

Inclusion of Bias in Lab 1, Part 1

In the below code, I can see the activation function and the weights, but where exactly do we add the bias?

# Import relevant packages
from tensorflow.keras import Sequential
from tensorflow.keras.layers import Dense

# Define the number of inputs and outputs
n_input_nodes = 2
n_output_nodes = 3

# First define the model 
model = Sequential()


'''TODO: Define a dense (fully connected) layer to compute z'''
# Remember: dense layers are defined by the parameters W and b!
# You can read more about the initialization of W and b in the TF documentation :) 
dense_layer = Dense(n_output_nodes, input_shape=(n_input_nodes,),activation='sigmoid')

# Add the dense layer to the model
model.add(dense_layer)

Attempt to convert a value (<bound method Kernel.raw_input of <google.colab._kernel.Kernel object at 0x7ff78e56c198>>) with an unsupported type (<class 'method'>) to a Tensor

Here is the input:

class OurDenseLayer(tf.keras.layers.Layer):
  def __init__(self, n_output_nodes):
    super(OurDenseLayer, self).__init__()
    self.n_output_nodes = n_output_nodes

  def build(self, input_shape):
    d = int(input_shape[-1])
    # Define and initialize parameters: a weight matrix W and bias b
    # Note that parameter initialization is random!
    self.W = self.add_weight("weight", shape=[d, self.n_output_nodes]) # note the dimensionality
    self.b = self.add_weight("bias", shape=[1, self.n_output_nodes]) # note the dimensionality

  def call(self, x):
    '''TODO: define the operation for z (hint: use tf.matmul)'''
    z = tf.matmul(input, self.W) + self.b

    '''TODO: define the operation for out (hint: use tf.sigmoid)'''
    y = tf.sigmoid(z)
    return y

# Since layer parameters are initialized randomly, we will set a random seed for reproducibility
tf.random.set_seed(1)
layer = OurDenseLayer(3)
layer.build((1,2))
x_input = tf.constant([[1,2.]], shape=(1,2))
y = layer.call(x_input)

# test the output!
print(y.numpy())
mdl.lab1.test_custom_dense_layer_output(y)

and here is the output with errors:

ValueError                                Traceback (most recent call last)
<ipython-input-32-67151a0fc768> in <module>()
     30 layer.build((1,2))
     31 x_input = tf.constant([[1,2.]], shape=(1,2))
---> 32 y = layer.call(x_input)
     33 
     34 # test the output!

7 frames
/usr/local/lib/python3.6/dist-packages/tensorflow/python/framework/constant_op.py in convert_to_eager_tensor(value, ctx, dtype)
     94       dtype = dtypes.as_dtype(dtype).as_datatype_enum
     95   ctx.ensure_initialized()
---> 96   return ops.EagerTensor(value, ctx.device_name, dtype)
     97 
     98 

ValueError: Attempt to convert a value (<bound method Kernel.raw_input of <google.colab._kernel.Kernel object at 0x7ff78e56c198>>) with an unsupported type (<class 'method'>) to a Tensor.

Why I am getting Value Error.

RL.ipynb algorithm

Why exploration is not used initially while using policy gradient in deep reinforcement learning.

Jupyter notebook does not open

Hello,

After running the command
docker run -p 8888:8888 -p 6006:6006 -v /c//Users/User/Documents/MachineLearning/introtodeeplearning_labs-master:/notebooks/introtodeeplearning_labs mit6s191/iap2018:labs

where the github repository is in the MachineLearning folder, I got naturally the message

    Copy/paste this URL into your browser when you connect for the first time,
    to login with a token:
        http://localhost:8888/?token=63b505ca3081282bfd714df2036be073b825e7b07cc073b1

Then I followed the step 9 of the tutorial on Docker which is to replace localhost with the IP of the machine 192.168.99.100. So in the Edge browser I run

http://192.168.99.100:8888/?token=63b505ca3081282bfd714df2036be073b825e7b07cc073b1

But I got the error message "we can't reach this page"

Is there something that I did wrong ?

Error while importing util

I'm getting this error in most of the notebooks.
Stacktrace in Colab ->

ModuleNotFoundError Traceback (most recent call last)
in ()
14
15 # Import the necessary class-specific utility files for this lab
---> 16 import introtodeeplearning_labs as util

/content/introtodeeplearning_labs/init.py in ()
----> 1 from lab1 import *
2 from lab2 import *
3 # from lab3 import *
4
5

ModuleNotFoundError: No module named 'lab1'

Can't access Lab 3 .ipynb file

The Lab 3 file is not loading.
The error message displayed is:
"Sorry, something went wrong. Reload?"
I have checked my network connection and it seems fine.

can't play song.

the code
mdl.lab1.play_song( )
is not responsive on local host. No error nor long wait, it simply completes tasks and does nothing

Lab1/Part2_debiasing_solution.ipynb fails with TypeError

When executing "encoder_output = encoder(inputs)" (search for exact phrase), it fails with a type error:
TypeError: Failed to convert object of type <type 'tuple'> to Tensor. Contents: (Dimension(None), Dimension(100)). Consider casting elements to a supported type.

I'm using colab and following the recommended solution.

I propose
"epsilon = tf.random_normal(shape=(batch, dim))" be replaced with
"epsilon = tf.random_normal(shape=tf.shape(z_mean))"

I followed the remainder of the lab and got something that made sense.

docker image

Will you please post a link to the free docker image on dockerhub? I cannot find it.

Error

Hey,
Why am i having an error with this loc "import util.download_lung_data", is it correct?? I am getting an error of no module named util

Thanks

can't play music though no error occurs

I ran the code below with colab, but I didn't hear a sound.
!pip install mitdeeplearning
import mitdeeplearning as mdl

songs = mdl.lab1.load_training_data()
example_song = songs[0]
mdl.lab1.play_song(example_song)

Lab1 - Part1 - Section 1.2:Error when using tf.constant to provide input to Keras model.predict

I am encountering an InvalidArgumentError error when I use Keras model.predict with tf.constant as input. I am not sure whether it's because model.predict don't work with tf.constant or I am doing something wrong. It work fine when I use numpy array with same argument.

# Define the number of inputs and outputs
n_input_nodes = 2
n_output_nodes = 3

# First define the model 
model = Sequential()

'''TODO: Define a dense (fully connected) layer to compute z'''
# Remember: dense layers are defined by the parameters W and b!
# You can read more about the initialization of W and b in the TF documentation :) 
dense_layer = Dense(n_output_nodes, input_shape=(n_input_nodes,),activation='sigmoid') # TODO 

# Add the dense layer to the model
model.add(dense_layer)

Now when I do prediction using:

# Test model with example input
x_input = tf.constant([[1.0,2.]], shape=(1,2))
'''TODO: feed input into the model and predict the output!'''
print(model.predict(x_input)) # TODO

I get following error:

InvalidArgumentError: In[0] is not a matrix. Instead it has shape [2]
[[{{node MatMul_3}}]] [Op:StatefulPartitionedCall]

When I use Numpy array, it works:

# Test model with example input
x_input =np.array([[1.0,2.]])
'''TODO: feed input into the model and predict the output!'''
print(model.predict(x_input)) # TODO

[[0.19114174 0.88079417 0.8062956 ]]

Could you let me know if it is a tf issue. If so I can raise an issue on the tf repository.

Fully connected working better than CNN?

Hi there,

it's more a question, not sure if it's an issue.

In Lab2 Part 1, two network types are analyzed: Fully Connected and CNN.
testing both with the test images show much better results with Fully then with CNN.
I tried changing parameters (learning rate and optimizer) but it didn't change so much the results.

CNN showed 8 correct estimations out of 20 test images.
Fully showed 19 correct estimations out of 20 test images.

I was expecting CNN to show better results, I thought it was more appropriate for vision applications.
Did I do something wrong?

Thanks and regards,

Cassiano

No module named 'cv2' while importing mitdeeplearning.lab2

upon importing mitdeeplearning 0.1.2 no file named 'cv2' found for mitdeeplearning.lab2 import.


ModuleNotFoundError Traceback (most recent call last)
in
----> 1 import mitdeeplearning as mdl

~\AppData\Roaming\Python\Python37\site-packages\mitdeeplearning_init_.py in
2
3 import mitdeeplearning.lab1
----> 4 import mitdeeplearning.lab2
5 import mitdeeplearning.lab3

~\AppData\Roaming\Python\Python37\site-packages\mitdeeplearning\lab2.py in
----> 1 import cv2
2 import os
3 import matplotlib.pyplot as plt
4 import numpy as np
5 import tensorflow as tf

ModuleNotFoundError: No module named 'cv2'

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.