/mlg/ machine learning general

>Baby's first neural network (in less than 10 minutes)
youtube.com/watch?v=kft1AJ9WVDk Create a Simple Neural Network in Python from Scratch
youtube.com/watch?v=Py4xvZx-A1E Create a Simple Neural Network in Python from Scratch - Part 2

>Deep dive into NN concepts
youtube.com/watch?v=IHZwWFHWa-w Gradient descent, how neural networks learn | Deep learning, chapter 2 (embed)

>Machine Learning - types of machine learning
en.wikipedia.org/wiki/Machine_learning


>Libraries (mostly python based)

en.wikipedia.org/wiki/Shogun_(toolbox)
>Shogun is a free, open-source machine learning software library written in C++. It offers numerous algorithms and data structures for machine learning problems. It offers interfaces for Octave, Python, R, Java, Lua, Ruby and C# using SWIG. Shogun is GNU GPLv2'd

accord-framework.net/
>Accord.NET is a framework for scientific computing in .NET. The source code of the project is available under the terms of the Gnu Lesser Public License, version 2.1. The framework comprises a set of libraries that are available in source code as well as via executable installers and NuGet packages.

mlpack.org/
>mlpack is a machine learning software library for C++, built on top of the Armadillo library. mlpack has an emphasis on scalability, speed, and ease-of-use.

pytorch.org/
>PyTorch is software, specifically a machine learning library for the programming language Python, based on the Torch library, used for applications such as deep learning and natural language processing. PyTorch is made by Facebook.

tensorflow.org/
>TensorFlow is a free and open-source software library for dataflow and differentiable programming across a range of tasks. It is a symbolic math library, and is also used for machine learning applications such as neural networks. TensorFlow is made by Google.

Data transformation
pandas.pydata.org/
Lets you pre-process datasets for ML

Attached: 1487611652078.jpg (640x852, 67K)

Other urls found in this thread:

developers.google.com/machine-learning/crash-course/
nextplatform.com/2019/07/15/intel-prepares-to-graft-googles-bfloat16-onto-processors/
twitter.com/NSFWRedditImage

developers.google.com/machine-learning/crash-course/
Google's Machine Learning Crash Course (MLCC), previously for use by internal google employees only

Go back.

Attached: mlg.jpg (1600x900, 357K)

gamers should rise up and become machine learning programmers

i will just wait when someone makes automated solution

Thanks OP.
Wanted to look into this for a while.
Doubt this stuff is what the rest of Jow Forums cares about though.

First for pytorch best framework

Isn't machine learning just a meme?

Attached: 1562374680525.jpg (599x448, 29K)

no, it's already well established and will be the future

Attached: Screen Shot 2019-07-21 at 11.11.31.jpg (2474x1384, 131K)

imagine you want to make a game that plays rock, paper, scissors against real players. how do you make the computer recognize the different shapes? sure, you could attempt to hardcode a solution, but it would be incomplete. with ML algorithms you just show the computer pictures of hands in different shapes and tell it the expected output and it will learn which ones are rock, paper and scissors, then you just implement the game logic with traditional programming.

train the computer on a powerful computer then you can export the "learned results" so it can be used in apps on weaker computers, basically like a truth table

Anybody know who the girl in OP is? I tried to reverse image search, but couldn't find anything.

you need to use the ML reverse image recognition service

Attached: 1487608590469.jpg (960x1280, 136K)

isn't this information export controlled?

did you try deepnude? that's just scratching the surface. I want to learn ML/AI etc and improve deepnude but I'm too fucking lazy

What's the difference between Machine Learning Scientist and Data Scientist?

ML implements many of the same algorithms used by data scientists, ML is sort of a superset of data science

are there more Machine Learning Scientist jobs than Data Scientists?

This is... a girl right?

vag, butthole and all

Aneu - ancient attention slut from back in the day.

Have a rare pic.

Attached: 11-20-2015 (2).jpg (1438x540, 43K)

noice throwback brapper post

didn't you drop out of uni?
still living with your folks

Can you be a machine learning scientist without a PhD?

>didn't you drop out of uni?
yes
>still living with your folks
no

Used to be petsu or tepru on lainchan.
Now laboum on irc, shitposting about kpop and mechanical keyboards.
I never saw her emacs config tho.

#imports in next post

tf.logging.set_verbosity(tf.logging.ERROR)
pd.options.display.max_rows = 10
pd.options.display.float_format = '{:.1f}'.format

california_housing_dataframe = pd.read_csv("download.mlcc.google.com/mledu-datasets/california_housing_train.csv", sep=",")

# california_housing_dataframe = california_housing_dataframe.reindex(
# np.random.permutation(california_housing_dataframe.index))

def preprocess_features(california_housing_dataframe):
"""Prepares input features from California housing data set.

Args:
california_housing_dataframe: A Pandas DataFrame expected to contain data
from the California housing data set.
Returns:
A DataFrame that contains the features to be used for the model, including
synthetic features.
"""
selected_features = california_housing_dataframe[
["latitude",
"longitude",
"housing_median_age",
"total_rooms",
"total_bedrooms",
"population",
"households",
"median_income"]]
processed_features = selected_features.copy()
# Create a synthetic feature.
processed_features["rooms_per_person"] = (
california_housing_dataframe["total_rooms"] /
california_housing_dataframe["population"])
return processed_features

def preprocess_targets(california_housing_dataframe):
"""Prepares target features (i.e., labels) from California housing data set.

Args:
california_housing_dataframe: A Pandas DataFrame expected to contain data
from the California housing data set.
Returns:
A DataFrame that contains the target feature.
"""
output_targets = pd.DataFrame()
# Scale the target to be in units of thousands of dollars.
output_targets["median_house_value"] = (
california_housing_dataframe["median_house_value"] / 1000.0)

return output_targets

from __future__ import print_function

import math

from IPython import display
from matplotlib import cm
from matplotlib import gridspec
from matplotlib import pyplot as plt
import numpy as np
import pandas as pd
from sklearn import metrics
import tensorflow as tf
from tensorflow.python.data import Dataset

tf.logging.set_verbosity(tf.logging.ERROR)
pd.options.display.max_rows = 10
pd.options.display.float_format = '{:.1f}'.format

california_housing_dataframe = pd.read_csv("download.mlcc.google.com/mledu-datasets/california_housing_train.csv", sep=",")

# california_housing_dataframe = california_housing_dataframe.reindex(
# np.random.permutation(california_housing_dataframe.index))

bumping

pumping

this is actually good

Is AMD viable yet or is everything still CUDA dominated?

Cuda
Those tpu edge look neatnif you're ok with tensor flow lite.
Intel is also checking in nextplatform.com/2019/07/15/intel-prepares-to-graft-googles-bfloat16-onto-processors/

Thanks user

She looks exactly like my ex. Except that I taught her how to use vim like a patrician, instead of emacs.

>Like my ex
So glad for you it didn't work out user

Thanks, me too. She was a crazy leftist.

I don't think the CUDA situation is bound to change, they got smart and got in first.
It's really sad because AMD seems like a better alternative, but there's already too much built on CUDA, and people are lazy fags and have no reason to learn to put shit on ayyymd GPUs when Nvidia is already the marketforce

What are you complaining about?

What's the best cloud computing for deep learning? I want to be competitive on kaggle but colab isn't cutting it.

Free bump from me.
Already used to playing around with Python. And dabbled a bit in ML, but that never got off the ground.
Will try harder this time

> OP got 360 noscoped by xXx_Ex_de_de_de_de_xXx gr8 m8 8/8 420 blaze it gg no re.
> Sponsored by Doritosā„¢ and Mountain KekĀ®