Branches of mechanical engineering: Information Scientific Discipline Python Notebooks: Deep Learning (Tensorflow, Theano, Caffe, Keras), Scikit-Learn, Kaggle, Big Information (Spark, Hadoop Mapreduce, Hdfs), Matplotlib, Pandas, Numpy, Scipy, Python Essentials, Aws, Too Diverse Ascendance Lines.






data-science-ipython-notebooks

Index


deep-learning

IPython Notebook(s) demonstrating deep learning functionality.

tensor-flow-tutorials

Additional TensorFlow tutorials:
NotebookDescription
tsf-basicsLearn basic operations inwards TensorFlow, a library for diverse kinds of perceptual in addition to linguistic communication agreement tasks from Google.
tsf-linearImplement linear regression inwards TensorFlow.
tsf-logisticImplement logistic regression inwards TensorFlow.
tsf-nnImplement nearest neighboars inwards TensorFlow.
tsf-alexImplement AlexNet inwards TensorFlow.
tsf-cnnImplement convolutional neural networks inwards TensorFlow.
tsf-mlpImplement multilayer perceptrons inwards TensorFlow.
tsf-rnnImplement recurrent neural networks inwards TensorFlow.
tsf-gpuLearn nigh basic multi-GPU computation inwards TensorFlow.
tsf-gvizLearn nigh graph visualization inwards TensorFlow.
tsf-lvizLearn nigh loss visualization inwards TensorFlow.

tensor-flow-exercises

NotebookDescription
tsf-not-mnistLearn elementary information curation past times creating a pickle alongside formatted datasets for training, evolution in addition to testing inwards TensorFlow.
tsf-fully-connectedProgressively develop deeper in addition to to a greater extent than accurate models using logistic regression in addition to neural networks inwards TensorFlow.
tsf-regularizationExplore regularization techniques past times preparation fully connected networks to sort notMNIST characters inwards TensorFlow.
tsf-convolutionsCreate convolutional neural networks inwards TensorFlow.
tsf-word2vecTrain a skip-gram model over Text8 information inwards TensorFlow.
tsf-lstmTrain a LSTM graphic symbol model over Text8 information inwards TensorFlow.

theano-tutorials

NotebookDescription
theano-introIntro to Theano, which allows you lot to define, optimize, in addition to evaluate mathematical expressions involving multi-dimensional arrays efficiently. It tin utilisation GPUs in addition to perform efficient symbolic differentiation.
theano-scanLearn scans, a machinery to perform loops inwards a Theano graph.
theano-logisticImplement logistic regression inwards Theano.
theano-rnnImplement recurrent neural networks inwards Theano.
theano-mlpImplement multilayer perceptrons inwards Theano.

keras-tutorials

NotebookDescription
kerasKeras is an opened upward source neural network library written inwards Python. It is capable of running on overstep of either Tensorflow or Theano.
setupLearn nigh the tutorial goals in addition to how to laid upward your Keras environment.
intro-deep-learning-annGet an intro to deep learning alongside Keras in addition to Artificial Neural Networks (ANN).
theanoLearn nigh Theano past times working alongside weights matrices in addition to gradients.
keras-ottoLearn nigh Keras past times looking at the Kaggle Otto challenge.
ann-mnistReview a elementary implementation of ANN for MNIST using Keras.
conv-netsLearn nigh Convolutional Neural Networks (CNNs) alongside Keras.
conv-net-1Recognize handwritten digits from MNIST using Keras - Part 1.
conv-net-2Recognize handwritten digits from MNIST using Keras - Part 2.
keras-modelsUse pre-trained models such every bit VGG16, VGG19, ResNet50, in addition to Inception v3 alongside Keras.
auto-encodersLearn nigh Autoencoders alongside Keras.
rnn-lstmLearn nigh Recurrent Neural Networks (RNNs) alongside Keras.
lstm-sentence-genLearn nigh RNNs using Long Short Term Memory (LSTM) networks alongside Keras.

deep-learning-misc

NotebookDescription
deep-dreamCaffe-based reckoner vision plan which uses a convolutional neural network to abide by in addition to heighten patterns inwards images.

scikit-learn

IPython Notebook(s) demonstrating scikit-learn functionality.
NotebookDescription
introIntro notebook to scikit-learn. Scikit-learn adds Python back upward for large, multi-dimensional arrays in addition to matrices, along alongside a large library of high-level mathematical functions to operate on these arrays.
knnImplement k-nearest neighbors inwards scikit-learn.
linear-regImplement linear regression inwards scikit-learn.
svmImplement back upward vector machine classifiers alongside in addition to without kernels inwards scikit-learn.
random-forestImplement random wood classifiers in addition to regressors inwards scikit-learn.
k-meansImplement k-means clustering inwards scikit-learn.
pcaImplement primary element analysis inwards scikit-learn.
gmmImplement Gaussian mixture models inwards scikit-learn.
validationImplement validation in addition to model alternative inwards scikit-learn.

statistical-inference-scipy

IPython Notebook(s) demonstrating statistical inference alongside SciPy functionality.
NotebookDescription
scipySciPy is a collection of mathematical algorithms in addition to convenience functions built on the Numpy extension of Python. It adds pregnant mightiness to the interactive Python session past times providing the user alongside high-level commands in addition to classes for manipulating in addition to visualizing data.
effect-sizeExplore statistics that quantify trial size past times analyzing the difference inwards superlative betwixt men in addition to women. Uses information from the Behavioral Risk Factor Surveillance System (BRFSS) to approximate the hateful in addition to measure difference of superlative for adult women in addition to men inwards the United States.
samplingExplore random sampling past times analyzing the average weight of men in addition to women inwards the USA using BRFSS data.
hypothesisExplore hypothesis testing past times analyzing the difference of first-born babies compared alongside others.

pandas

IPython Notebook(s) demonstrating pandas functionality.
NotebookDescription
pandasSoftware library written for information manipulation in addition to analysis inwards Python. Offers information structures in addition to operations for manipulating numerical tables in addition to fourth dimension series.
github-data-wranglingLearn how to load, clean, merge, in addition to characteristic engineer past times analyzing GitHub information from the Viz repo.
Introduction-to-PandasIntroduction to Pandas.
Introducing-Pandas-ObjectsLearn nigh Pandas objects.
Data Indexing in addition to SelectionLearn nigh information indexing in addition to alternative inwards Pandas.
Operations-in-PandasLearn nigh operating on information inwards Pandas.
Missing-ValuesLearn nigh treatment missing information inwards Pandas.
Hierarchical-IndexingLearn nigh hierarchical indexing inwards Pandas.
Concat-And-AppendLearn nigh combining datasets: concat in addition to append inwards Pandas.
Merge-and-JoinLearn nigh combining datasets: merge in addition to bring together inwards Pandas.
Aggregation-and-GroupingLearn nigh aggregation in addition to grouping inwards Pandas.
Pivot-TablesLearn nigh pin tables inwards Pandas.
Working-With-StringsLearn nigh vectorized string operations inwards Pandas.
Working-with-Time-SeriesLearn nigh working alongside fourth dimension serial inwards pandas.
Performance-Eval-and-QueryLearn nigh high-performance Pandas: eval() in addition to query() inwards Pandas.

matplotlib

IPython Notebook(s) demonstrating matplotlib functionality.
NotebookDescription
matplotlibPython 2D plotting library which produces publication character figures inwards a multifariousness of hardcopy formats in addition to interactive environments across platforms.
matplotlib-appliedApply matplotlib visualizations to Kaggle competitions for exploratory information analysis. Learn how to do bar plots, histograms, subplot2grid, normalized plots, scatter plots, subplots, in addition to center density estimation plots.
Introduction-To-MatplotlibIntroduction to Matplotlib.
Simple-Line-PlotsLearn nigh elementary describe plots inwards Matplotlib.
Simple-Scatter-PlotsLearn nigh elementary scatter plots inwards Matplotlib.
Errorbars.ipynbLearn nigh visualizing errors inwards Matplotlib.
Density-and-Contour-PlotsLearn nigh density in addition to contour plots inwards Matplotlib.
Histograms-and-BinningsLearn nigh histograms, binnings, in addition to density inwards Matplotlib.
Customizing-LegendsLearn nigh customizing plot legends inwards Matplotlib.
Customizing-ColorbarsLearn nigh customizing colorbars inwards Matplotlib.
Multiple-SubplotsLearn nigh multiple subplots inwards Matplotlib.
Text-and-AnnotationLearn nigh text in addition to annotation inwards Matplotlib.
Customizing-TicksLearn nigh customizing ticks inwards Matplotlib.
Settings-and-StylesheetsLearn nigh customizing Matplotlib: configurations in addition to stylesheets.
Three-Dimensional-PlottingLearn nigh three-dimensional plotting inwards Matplotlib.
Geographic-Data-With-BasemapLearn nigh geographic information alongside basemap inwards Matplotlib.
Visualization-With-SeabornLearn nigh visualization alongside Seaborn.

numpy

IPython Notebook(s) demonstrating NumPy functionality.
NotebookDescription
numpyAdds Python back upward for large, multi-dimensional arrays in addition to matrices, along alongside a large library of high-level mathematical functions to operate on these arrays.
Introduction-to-NumPyIntroduction to NumPy.
Understanding-Data-TypesLearn nigh information types inwards Python.
The-Basics-Of-NumPy-ArraysLearn nigh the basics of NumPy arrays.
Computation-on-arrays-ufuncsLearn nigh computations on NumPy arrays: universal functions.
Computation-on-arrays-aggregatesLearn nigh aggregations: min, max, in addition to everything inwards betwixt inwards NumPy.
Computation-on-arrays-broadcastingLearn nigh computation on arrays: broadcasting inwards NumPy.
Boolean-Arrays-and-MasksLearn nigh comparisons, masks, in addition to boolean logic inwards NumPy.
Fancy-IndexingLearn nigh fancy indexing inwards NumPy.
SortingLearn nigh sorting arrays inwards NumPy.
Structured-Data-NumPyLearn nigh structured data: NumPy's structured arrays.

python-data

IPython Notebook(s) demonstrating Python functionality geared towards information analysis.
NotebookDescription
data structuresLearn Python basics alongside tuples, lists, dicts, sets.
data construction utilitiesLearn Python operations such every bit slice, range, xrange, bisect, sort, sorted, reversed, enumerate, zip, listing comprehensions.
functionsLearn nigh to a greater extent than advanced Python features: Functions every bit objects, lambda functions, closures, *args, **kwargs currying, generators, generator expressions, itertools.
datetimeLearn how to piece of work alongside Python dates in addition to times: datetime, strftime, strptime, timedelta.
loggingLearn nigh Python logging alongside RotatingFileHandler in addition to TimedRotatingFileHandler.
pdbLearn how to debug inwards Python alongside the interactive source code debugger.
unit testsLearn how to essay out inwards Python alongside Nose unit of measurement tests.

kaggle-and-business-analyses

IPython Notebook(s) used in kaggle competitions in addition to concern analyses.
NotebookDescription
titanicPredict survival on the Titanic. Learn information cleaning, exploratory information analysis, in addition to machine learning.
churn-analysisPredict client churn. Exercise logistic regression, slope boosting classifers, back upward vector machines, random forests, in addition to k-nearest-neighbors. Includes discussions of confusion matrices, ROC plots, characteristic importances, prediction probabilities, in addition to calibration/descrimination.

spark

IPython Notebook(s) demonstrating spark in addition to HDFS functionality.
NotebookDescription
sparkIn-memory cluster computing framework, upward to 100 times faster for sure as shooting applications in addition to is good suited for machine learning algorithms.
hdfsReliably stores rattling large files across machines inwards a large cluster.

mapreduce-python

IPython Notebook(s) demonstrating Hadoop MapReduce alongside mrjob functionality.
NotebookDescription
mapreduce-pythonRuns MapReduce jobs inwards Python, executing jobs locally or on Hadoop clusters. Demonstrates Hadoop Streaming inwards Python code alongside unit of measurement essay out and mrjob config file to analyze Amazon S3 bucket logs on Elastic MapReduce. Disco is or hence other python-based alternative.

aws

IPython Notebook(s) demonstrating Amazon Web Services (AWS) in addition to AWS tools functionality.
Also banking concern fit out:
  • SAWS: Influenza A virus subtype H5N1 Supercharged AWS command describe interface (CLI).
  • Awesome AWS: Influenza A virus subtype H5N1 curated listing of libraries, opened upward source repos, guides, blogs, in addition to other resources.
NotebookDescription
botoOfficial AWS SDK for Python.
s3cmdInteracts alongside S3 through the command line.
s3distcpCombines smaller files in addition to aggregates them together past times taking inwards a pattern in addition to target file. S3DistCp tin also live used to transfer large volumes of information from S3 to your Hadoop cluster.
s3-parallel-putUploads multiple files to S3 inwards parallel.
redshiftActs every bit a fast information warehouse built on overstep of applied scientific discipline from massive parallel processing (MPP).
kinesisStreams information inwards existent fourth dimension alongside the mightiness to procedure thousands of information streams per second.
lambdaRuns code inwards reply to events, automatically managing compute resources.

commands

IPython Notebook(s) demonstrating diverse command lines for Linux, Git, etc.
NotebookDescription
linuxUnix-like in addition to to a greater extent than frequently than non POSIX-compliant reckoner operating system. Disk usage, splitting files, grep, sed, curl, viewing running processes, terminal syntax highlighting, in addition to Vim.
anacondaDistribution of the Python programming linguistic communication for large-scale information processing, predictive analytics, in addition to scientific computing, that aims to simplify packet management in addition to deployment.
ipython notebookWeb-based interactive computational surroundings where you lot tin combine code execution, text, mathematics, plots in addition to rich media into a unmarried document.
gitDistributed revision command scheme alongside an emphasis on speed, information integrity, in addition to back upward for distributed, non-linear workflows.
rubyUsed to interact alongside the AWS command describe in addition to for Jekyll, a weblog framework that tin live hosted on GitHub Pages.
jekyllSimple, blog-aware, static site generator for personal, project, or organization sites. Renders Markdown or Textile in addition to Liquid templates, in addition to produces a complete, static website ready to live served past times Apache HTTP Server, Nginx or or hence other spider web server.
pelicanPython-based alternative to Jekyll.
djangoHigh-level Python Web framework that encourages rapid evolution in addition to clean, pragmatic design. It tin live useful to percentage reports/analyses in addition to for blogging. Lighter-weight alternatives include PyramidFlaskTornado, and Bottle.

misc

IPython Notebook(s) demonstrating miscellaneous functionality.
NotebookDescription
regexRegular aspect cheat canvass useful inwards information wrangling.
algorithmiaAlgorithmia is a marketplace for algorithms. This notebook showcases iv dissimilar algorithms: Face Detection, Content Summarizer, Latent Dirichlet Allocation in addition to Optical Character Recognition.

notebook-installation

anaconda

Anaconda is a gratis distribution of the Python programming linguistic communication for large-scale information processing, predictive analytics, in addition to scientific computing that aims to simplify packet management in addition to deployment.
Follow instructions to install Anaconda or the to a greater extent than lightweight miniconda.

dev-setup

For detailed instructions, scripts, in addition to tools to laid upward your evolution surroundings for information analysis, banking concern fit out the dev-setup repo.

running-notebooks

To stance interactive content or to modify elements inside the IPython notebooks, you lot must outset clone or download the repository hence run the notebook. More information on IPython Notebooks tin live found here.
$ git clone https://github.com/donnemartin/data-science-ipython-notebooks.git $ cd data-science-ipython-notebooks $ jupyter notebook 
Notebooks tested alongside Python 2.7.x.

credits

contributing

Contributions are welcome! For põrnikas reports or requests please submit an issue.

contact-info

Feel gratis to contact me to hash out whatever issues, questions, or comments.

license

This repository contains a multifariousness of content; or hence developed past times Donne Martin, in addition to or hence from third-parties. The third-party content is distributed nether the license provided past times those parties.
The content developed past times Donne Martin is distributed nether the next license:
I am providing code in addition to resources inwards this repository to you lot nether an opened upward source license. Because this is my personal repository, the license you lot have to my code in addition to resources is from me in addition to non my employer (Facebook).
Copyright 2015 Donne Martin  Licensed nether the Apache License, Version 2.0 (the "License"); you lot may non utilisation this file except inwards compliance alongside the License. You may obtain a re-create of the License at     http://www.apache.org/licenses/LICENSE-2.0  Unless required past times applicable police pull or agreed to inwards writing, software distributed nether the License is distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either limited or implied. See the License for the specific linguistic communication governing permissions in addition to limitations nether the License.

Sumber http://engdashboard.blogspot.com/

Jangan sampai ketinggalan postingan-postingan terbaik dari Branches of mechanical engineering: Information Scientific Discipline Python Notebooks: Deep Learning (Tensorflow, Theano, Caffe, Keras), Scikit-Learn, Kaggle, Big Information (Spark, Hadoop Mapreduce, Hdfs), Matplotlib, Pandas, Numpy, Scipy, Python Essentials, Aws, Too Diverse Ascendance Lines.. Berlangganan melalui email sekarang juga:

Bali Attractions

BACA JUGA LAINNYA:

Bali Attractions